Next Article in Journal
A Robust Reactive Static Obstacle Avoidance System for Surface Marine Vehicles
Previous Article in Journal
Reconstruction of Periodic Band Limited Signals from Non-Uniform Samples with Sub-Nyquist Sampling Rate
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

Deep Photometric Stereo Network with Multi-Scale Feature Aggregation

1
Department of Media Technology, Graduate School of Media, Sogang University, Seoul 04107, Korea
2
Department of Art & Technology, School of Media, Arts and Science, Sogang University, Seoul 04107, Korea
*
Author to whom correspondence should be addressed.
Sensors 2020, 20(21), 6261; https://doi.org/10.3390/s20216261
Submission received: 8 October 2020 / Revised: 30 October 2020 / Accepted: 2 November 2020 / Published: 3 November 2020
(This article belongs to the Section Intelligent Sensors)

Abstract

:
We present photometric stereo algorithms robust to non-Lambertian reflection, which are based on a convolutional neural network in which surface normals of objects with complex geometry and surface reflectance are estimated from a given set of an arbitrary number of images. These images are taken from the same viewpoint under different directional illumination conditions. The proposed method focuses on surface normal estimation, where multi-scale feature aggregation is proposed to obtain a more accurate surface normal, and max pooling is adopted to obtain an intermediate order-agnostic representation in the photometric stereo scenario. The proposed multi-scale feature aggregation scheme using feature concatenation is easily incorporated into existing photometric stereo network architectures. Our experiments were performed with a DiLiGent photometric stereo benchmark dataset consisting of ten real objects, and they demonstrated that the accuracies of our calibrated and uncalibrated photometric stereo approaches were improved over those of baseline methods. In particular, our experiments also demonstrated that our uncalibrated photometric stereo outperformed the state-of-the-art method. Our work is the first to consider the multi-scale feature aggregation in photometric stereo, and we showed that our proposed multi-scale fusion scheme estimated the surface normal accurately and was beneficial to improving performance.

1. Introduction

3D shape reconstruction is one of the fundamental problems in computer vision. To infer the orientation of the surface, the photometric stereo exploits image irradiance variations on a surface point caused by changes of illumination direction. Over the last few decades, since it was introduced by Woodham [1] to determine the shape of an opaque material surface, substantial progress has been made in photometric stereo research. In addition, the photometric stereo technique is widely employed to recover a highly detailed 3D surface structure of an object and to inspect a visual surface defect [2,3,4,5]. In Woodham’s work, the orientation on the surface of an object is determined from a set of at least three images captured from a fixed orthographic camera under different illumination directions. This is referred to as a calibrated photometric stereo. The estimation problem of surface orientation and albedo is a linear problem for the calibrated photometric stereo with Lambertian surfaces [6] that allows it to be solved using a closed-form solution, such as a linear least-squares method. Hayakawa was the first to present the method for estimating the surface normal of Lambertian scenes when the direction of illumination is not known. This method is referred to as an uncalibrated photometric stereo, and singular value decomposition (SVD) was employed to estimate the surface normal for Lambertian scenes under directional illumination [7].
An image taken from a real scene with complex object geometry and surface reflectance is corrupted by shadows. This kind of image is also corrupted by the non-Lambertian behaviors of reflections, such as specularities and inter-reflections, that violate the Lambertian reflectance assumption. In addition, L2 norm-based solutions, such as the least-squares method and SVD, are very sensitive to outliers. In these solutions, pixels with a non-Lambertian reflection behave as outliers in a Lambertian photometric stereo. The presence of non-Lambertian reflections is the most important factor in the degradation of the quality of a surface normal that has been estimated from the photometric stereo. To overcome this problem, robust optimization-based methods, methods based on the bidirectional reflectance distribution function (BRDF), example-based methods, and deep learning-based methods have been proposed.
To alleviate the issue of violating the Lambertian assumption, some solutions using robust optimization treat the pixel value with a non-Lambertian reflection as an outlier. In these cases, a photometric stereo problem is reformulated as either an outlier-rejection problem or as an outlier-robust problem [8,9,10,11,12,13,14,15,16,17,18,19]. This approach tends to show low performance when widely spread specular reflection is observed or when the portion of observation that contains heavily non-Lambertian reflectance is very high.
The appearance of an object is determined by interactions among multiple primal components, which include viewpoint, surface structure, material, and illumination. A BRDF is widely employed to represent the surface’s appearance, and this function defines how that material interacts with light [20]. A matte object is generally represented by the Lambertian BRDF, but shiny materials exhibit more complex phenomena, such as specular reflection and multiple surface scattering. Several BRDFs have been developed to model real-world material surfaces. The use of analytical and empirical BRDF models has been popular due to their compact representations, and these models are employed to cope with the complex reflection of an object in a photometric stereo [21,22,23,24,25,26,27,28,29,30,31,32,33]. However, this approach has some drawbacks that limit their accuracy and applicability. The optimization method that is used to estimate the parameters of the BRDF and surface normal is highly unstable due to the non-convexity of complex BRDFs. Optimization can stay at a local minimum, which leads to low accuracy.
The example-based photometric stereo uses the reference objects, such as multiple types of spheres, with a homogeneous material property that is placed with target objects in the same scene [34,35,36]. This approach adopts an orientation consistency cue—the same image irradiance value is observed at two different points on the surface of objects having identical surface appearances and surface normals under the same illumination [34]. However, BRDF-based and example-based approaches cannot take cast shadows and indirect illumination effects such as inter-reflections into account, which might lead to strong biases in the recovered surface normal. The reader is referred to [37,38,39] for comprehensive surveys of traditional photometric stereo algorithms.
Deep learning algorithms have recently achieved remarkable progress in various domains, such as computer vision, speech recognition, and natural language processing. Following this trend, recent advances in the calibrated and uncalibrated photometric stereo to produce a high-fidelity surface normal have also been achieved employing deep learning, where the deep photometric stereo network learns the mapping from the multiple images to the surface normal vector [40,41,42,43,44,45,46].
In this paper, we present a convolutional neural network (CNN)-based method to discover the relationship between the surface normal and a set of an arbitrary number of images taken under a photometric stereo setup. The proposed method directly regresses on the surface normal using a fully convolutional neural network (FCN) with multi-scale feature aggregation. To the best of our knowledge, our work is the first to consider the multi-scale feature aggregation for the deep photometric stereo network. The architectures of our calibrated and uncalibrated photometric stereo network are based on the PS-FCN [41] and SDPS-Net [43], respectively. Our networks consist of feature extraction, feature aggregation, and surface normal regression branches, and the structures of the feature extraction and regression branches are similar to those of PS-FCN and SDPS-Net.
Our proposed architecture’s main contribution is the feature aggregation branch, in which the feature aggregation is obtained by the concatenation of the multi-scale feature maps, and an element-wise max-pooling operation is adopted to merge features obtained from the unordered image sequence in a permutation-invariant manner. Experiments are carried out using a DiLiGent photometric stereo benchmark dataset [39] and demonstrate that the accuracy of our proposed approach is improved over those of other photometric stereo methods based on deep learning.
The rest of this paper is organized as follows. Section 2 introduces related research on the photometric stereo and deep learning, and Section 3 presents a fully convolutional neural network with a multi-scale feature aggregation to solve calibrated and uncalibrated photometric stereo problems. Experimental results are presented in Section 4, and our conclusions are presented in Section 5.

2. Related Work

We review research related to the photometric stereo. The earliest photometric stereo methods only considered Lambertian surfaces [5,7]. Even though the Lambertian BRDF model is widely adopted in the photometric stereo due to its simplicity, several photometric stereo methods—the robust optimization-based, BRDF-based, example-based, and deep learning-based methods—have been proposed to cope with general materials, since the Lambertian BRDF model is not adequate for representing real-world materials.
The earliest calibrated photometric stereo methods for non-Lambertian scenes employed photometric reasoning to distinguish non-Lambertian reflections from Lambertian reflections, in a set of four images that have specular reflection and shadow. They assume that, of the four images, only one image with specular reflection and shadow is observed [8,9]. Chandraker et al. employed a graph cut-based Markov random field to detect light source visibility and to discard shadows in a set of four images [10]. The photometric stereo requires at least three images with a pure Lambertian reflection for each pixel; therefore, four images hardly suffice to find the pure Lambertian reflections for an object with a complex shape and surface appearance. These methods can be reformulated as an outlier rejection problem for distinguishing non-Lambertian reflections from Lambertian ones in an image-set that has non-Lambertian reflection components. In other words, the Lambertian reflections can be considered to be inliers, and non-Lambertian reflections and shadows can be considered to be outliers.
This outlier rejection and discounting problem is solved using several statistical and robust optimization methods for more than four images. Wu et al. presented a dense photometric stereo that employs graph-cut and tensor belief propagation algorithms and uses a large number of dense images as inputs [47]. Wu and Tang employed an expectation-maximization algorithm to estimate the albedos and surface normals from a set of dense and noisy images [11]. Verbiest and Van Gool adopted a maximum likelihood framework wherein the normal map is treated as hidden variables, and a binary inlier map is modeled as a Markov random field with an associated Gibbs prior distribution [12]. The random sample consensus (RANSAC) method is one of the most preferred and robust algorithms for estimating model parameters from data contaminated with outliers [48]. Mukaigawa et al. employed RANSAC for the calibrated photometric stereo [13]. RANSAC can be thought of as a way to minimize the L0-norm, which is the number of outliers. RANSAC does not guarantee a globally optimal solution due to this algorithm’s randomized nature. Therefore, some outliers may remain after applying RANSAC. Yu et al. presented L0-norm minimization with guaranteed global optimality for the photometric stereo, and they reformulated the calibrated photometric stereo as a maximum feasible subsystem problem to find the largest consensus set that can be satisfied with the Lambertian constraints [15]. Even when the proportion of outliers is very high, this method works well. However, L0-norm minimization is computationally expensive, so it is not adequate for application to a dense photometric stereo that deals with a large number of images. In addition, L1-norm minimization, sparse Bayesian learning, and low-rank minimization are adopted to solve the calibrated photometric stereo where non-Lambertian reflections and shadows are assumed to be sparse outliers [17,18,19]. For the uncalibrated photometric stereo, Sunkavalli et al. adopted RANSAC [14], and Miyazaki and Ikeuchi employed robust SVD to handle outliers for which the shadow and specular pixels are detected by the graph-cut algorithm [16].
Some photometric stereos use the BRDF model to handle non-Lambertian reflection. The dichromatic BRDF model that was introduced by Shafer [49] to represent the surface reflectance of dielectric objects is employed for separating or discounting specular reflections. They also take advantage of the fact that the specular reflection on the dielectric object’s surface and the illumination have the same color [21,22]. However, most of the BRDF-based approaches on the photometric stereo use a parametric BRDF model to accurately represent the image irradiance and to locally regress the diffuse albedo and non-Lambertian reflectance parameters, as well as the surface normal. They do this instead of discarding or separating non-Lambertian reflections. Micro-facet based BRDF models, including the Torrance-Sparrow model [50] and the isotropic Ward model [51], are considered for handling the reflectance property of an object’s glossy surface [23,25,26,27,52]. The bi-polynomial reflectance model has been proposed to represent the low-frequency non-Lambertian reflectance component [24]. The symmetric, monotonic, and isotropic reflectance properties of the general isotropy material are exploited in the photometric stereo [28,29,30,31,32,33]. Hertzmann and Seitz introduced an example-based method to obtain BRDF and the surface normal, which takes advantage of reference objects with a convex shape, such as spheres or cylinders [34]. The example-based approaches assume that the target BRDF can be represented by a weighted sum of several numbers of reference BRDFs. Zhuo and Sankaranarayanan presented a virtual example-based photometric stereo method to eliminate the need for physical reference objects, where the MERL BRDF dataset [53] is exploited to generate synthetic reference objects, taking the target illumination environment into account [35]. Enomoto et al. reformulated the photometric stereo problem as a discrete hypothesis-and-test search problem to a surface normal space [36].
Santo et al. proposed a deep learning-based photometric stereo, in which a fully connected neural network with a shadow layer to regress the surface normal is used in a pixel-wise manner. It is called a deep photometric stereo network (DPSN) [40]. It should be noted that a network should consider the input order of input images and an arbitrary number of input images when applying deep learning to a photometric stereo. To address this problem, Santo et al. used the image sequence captured under a set of specific illumination directions and intensities during the training and test stages. Chen et al. presented the fully convolutional neural network, called PS-FCN, where an element-wise max-pooling scheme for the photometric stereo is employed to process an unordered image sequence in a permutation invariant manner [42]. Ikehata introduced a pixel-wise observation map that was generated by a two-dimensional spherical projection of image irradiances, taking the known illumination directions into account, to obtain an intermediate order-agnostic representation from the unordered input data. This rational pseudo-invariant observation map was derived from the isotropic BRDF constraint and was used as an input for a CNN [42]. Taniai and Maehara presented an inverse rendering-based CNN architecture for a photometric stereo in an unsupervised manner. This architecture consists of a photometric stereo network to regress surface normals and an image reconstruction network to reconstruct the observed images in an inverse rendering manner [45]. For a sparse photometric stereo, Li et al. introduced a trainable two-dimensional occlusion layer to manage cast shadows in the CNN framework [44], and Zheng et al. presented a lighting interpolation network to yield a dense observation map from a sparse set of input and illumination pairs [46]. Chen et al. presented a two-stage deep learning architecture, called a self-calibrating photometric stereo network (SDPS-Net), consisting of a lighting calibration network (LCNet) and a normal estimation network (NENet). The LCNet regresses an illumination direction and intensity per image. The NENet regresses a surface normal, in which the illumination information is estimated from the LCNet, and a set of input images is used as input for NENet [43].

3. Fully Convolutional Neural Network with a Multi-Scale Feature Aggregation

In this paper, we present an image formation model and a fully convolutional neural network with multi-scale feature aggregation to solve calibrated and uncalibrated photometric stereo problems where the element-wise max-pooling scheme is adopted to obtain an order-agnostic intermediate representation.

3.1. Image Formation Model

We are interested in the problem of estimating surface normals using the CNN-based photometric stereo, where it assumes that the camera follows an orthographic projection model with a linear radiometric response, and illumination follows a directional lighting model. Consider a surface point with surface normal n3 illuminated by an incoming directional light source. This illumination source is defined by the light intensity e+ and the light direction l3. When a non-Lambertian scene is observed from viewing direction v3, the observed intensity I+ at a pixel is defined as
I = e ρ ( l , n , v ) max ( n T l ,   0 ) + ε ,
where l, n, and v are a unit vector. ρ(l,n,v) is a general isotropic BRDF to represent the surface appearance of isotropic materials and this function is dependent on the light direction, surface normal, and viewing direction. nTl is the cosine of the angle between the surface normal and the light direction. A max function is added to account for an attached shadow, which returns the larger value between nTl and zero.ε denotes the noise, outlier, cast shadow, and indirect illumination effects, including inter-reflection.
Given a set of images captured at a fixed viewpoint of the viewing direction v = [0, 0, 1]T with corresponding distant illuminations of light intensities E = [e1 e2ek]Tk and light directions L = [l1 l2lk]Tk×3, the CNN architecture to apply photometric stereo should be both invariant to the order of input images and capable of processing a variable-length input image sequence. In addition, order-agnostic operations such as element-wise max or average pooling schemes in CNN have been proposed to combine deep features extracted from an arbitrary number of input images in computer vision problems such as photometric stereo, multi-view stereo, and burst image [41,43,54,55,56]. Our proposed CNNs map a series of unordered images to a surface normal map in a permutation-invariant manner, in which a max-pooling operation is adopted to merge information extracted from multiple unordered images.

3.2. Calibrated Photometric Stereo Network

Figure 1 illustrates the network architecture for calibrated photometric stereo to regress a surface normal map. Our model’s structure is based on PS-FCN [41] and then modified for aggregating multi-scale features using feature concatenation. Our network consists of feature extractor branches, a feature aggregation branch, and a normal regression branch.
Each image, divided by its corresponding light intensity and the direction vector of its corresponding light, is fed into a feature extractor branch. In a feature extractor branch of Figure 1, the input with six-dimensional arrays of fixed-size was < H × W >, where H and W are the spatial dimensions, is passed through a stack of convolution and deconvolution layers with kernel size < h × w × d > where h and w are the spatial dimensions and d is the number of output channels in a kernel. In addition, each convolution or deconvolution layer is followed by a leaky rectified linear unit (LReLU) activation function, and the convolution layer with a stride of 2 produces output feature maps that have half the resolution of the input feature maps. In addition, multiple feature extractor branches share the same weights.
The first step in the feature aggregation branch is to extract a local intermediate representation of size < H/2 × W/2 × 384 > from each feature extractor branch, which is produced by concatenating feature maps created at three different scales in a feature extraction branch. In general, different-scale features are combined into the same-resolution features through an up-sampling process, a down-sampling process, and a skip connection; The representations for three different scale resolution (e.g., the feature maps of size < H × W × 64 >, size < H/2 × W/2 × 128 > and size < H/4 × W/4 × 256 > for the second, fifth, and seventh convolutional blocks) may be used to obtain a fused representation in our network architecture. However, the feature map of size < H/2 × W/2 × 128 > for the third, fifth, and ninth convolutional blocks are alternatively used to create a local intermediate representation with the same spatial size of the feature map, as seen in Figure 1; The local intermediate representation of size < H/2 × W/2 × 384 > for each input is achieved through identity skip connections and a concatenation operation, which has an advantage of avoiding the additional computational cost of the up-sampling and the down-sampling processes. At the second step in the feature aggregation branch, all local intermediate representations with respect to the input pairs of image and illumination are aggregated into a single global intermediate representation by an element-wise max-pooling operation to obtain order-agnostic features from a variable number of unordered inputs. In addition, the element-wise max-pooling operation calculates the largest value in each position over all local intermediate representations; therefore, the local and global intermediate representations have the same size.
The global intermediate representation is fed into a regression branch that consists of three convolutional layers, a deconvolutional layer, and an L2 normalization layer. The output of the last deconvolutional layer is normalized using an L2 normalization layer to ensure the unit vector at each pixel of the surface normal map of size < H × W × 3 >. In addition, the spatial dimensions of kernels of all convolutional layers used in our networks are < 3 × 3 > and those of the deconvolutional layers are < 4 × 4 > with a stride of 2; All the convolutional layers except the last one include a bias term, on the other hand, all the deconvolutional layers do not include the bias term.

3.3. Uncalibrated Photometric Stereo Network

Figure 2 illustrates the network architecture for an uncalibrated photometric stereo to regress a surface normal map. Our model’s structure is based on an SDPS-Net that consists of two sub-networks: an LCNet for inferring the illumination information and a NENet for regressing the surface normal [43]. Our proposed network uses the LCNet of SDPS-Net without any modification and employs the NENet presented in Section 3.2, and the input layer of the proposed NENet is modified to exploit the light information estimated with the LCNet.
The inputs of the LCNet are formed by concatenating each color image of size < H × W × 3 > with its corresponding mask image of size < H × W × 1 > where the LCNet infers the light intensity and direction for each image. It should be noted that an object-mask image is only used in the LCNet. For surface normal estimation, inputs are formed by concatenating each color image divided by the intensity of its corresponding light estimated by the LCNet, with the light direction estimated by the LCNet fed into the proposed NENet. In addition, the size of the input for the proposed NENet is < H × W × 6 > for each input and the size of the final output is < H × W × 3 > for the proposed NENet.

3.4. Loss Function and Training Data

Cosine distance, which measures the angles between the predicted and ground-truth normal vector, is adopted as a loss function of the proposed NENet described in Section 3.2 and Section 3.3 This loss function is defined as follows:
L ( n i , n i g t ) = i M ( 1 cos ( n i , n i g t ) )
where ni and n i g t denote a predicted surface normal and the ground-truth of a surface normal at the ith pixel, respectively, and M indicates the number of pixels. The Adam optimization method [57] was exploited to minimize the loss function of (2).
Capturing the ground-truth surface normals of real-world scenes with complex shapes and spatially varying materials at a large scale is extremely challenging. To mitigate this challenge, recent works have adopted a method of training networks on large-scale and physically meaningful synthetic datasets as an alternate way [40,41,42,43,44,45,46]. The proposed NENets are trained on publicly available synthetic photometric stereo datasets used in the training procedure of PS-FCN and SDPS-Net. These datasets are generated using Mitsuba [58], which is an open-source physically based renderer where a Blob Shape Dataset [59] and a Sculpture Shape Dataset [55] contribute to providing the shape information, including the surface normal, as well as 100 isotropic BRDFs from the MERL BRDF dataset that contribute to representing a variety of real-world materials. In addition, cast shadows and inter-reflections are considered in the image rendering procedure, and these datasets consist of 5,453,568 color images of spatial dimensions < 128 × 128 >.
Although our NENets described in Section 3.2 and Section 3.3. have the same structure, the NENet for the calibrated photometric stereo uses accurate calibrated light information, while the NENet for the uncalibrated photometric stereo uses inaccurate light information estimated with the pre-trained LCNet. Hence, the two NENet are independently trained with different hyper-parameters.

4. Experimental Results

We conducted experiments on the calibrated and uncalibrated photometric stereo evaluations to demonstrate the proposed algorithm’s accuracy and evaluate our algorithm on the DiLiGent photometric stereo benchmark dataset [39]. This dataset consists of ten real-world objects where 96 images captured under the calibrated light conditions, an object-mask image, and the ground-truth surface normal are given for each object. Our method is implemented in PyTorch [60], and all experiments were performed on a Windows server machine with Nvidia Tesla V100 PCIe 32 GB GPU and 128 GB RAM.
Most of the hyper-parameters setting of the proposed NENets for the calibrated and uncalibrated photometric stereo follow those of PS-FCN and SDPS-Net, respectively. Our NENet for calibrated photometric stereo was trained from scratch for 40 epochs, and the Pytorch Adam optimizer with default parameters except a learning rate was exploited to optimize the parameters, where the initial value of the learning rate was set to 0.001, and this rate was decayed by a factor of 0.5 every 5 epochs. The batch size in the training and validation procedures is set to 32 and 8, respectively. Color images of a spatial size < 32 × 32 > randomly cropped from the given color images of the spatial size < 128 × 128 > were used as inputs during training. We did not carry out image geometric transformation, color augmentation, and noise addition for the training procedure. In addition, our NENet for uncalibrated photometric stereo was trained from scratch for 12 epochs, and the initial value of the learning rate was set to 0.005. The learning rate was further divided by a factor of 0.5 every 2 epochs. The batch sizes in the training and validation procedures were set to 20 and 12, respectively. During training, color images of the spatial size < 128 × 128 > were used as inputs without applying any data augmentation methods.

4.1. Comparision with the Baseline Model

To show the proposed multi-scale feature aggregation scheme’s effectiveness in the photometric stereo network, we compared our model with the baseline models, PS-FCN and SDPS-Net, as briefly reported in Figure 3.
For the calibrated photometric stereo experiment, the predicted surface normal with the proposed method achieved an average mean angular error (MAE) of 8.05° on the DiLiGent dataset, and this proposed method surpassed the performance of PS-FCN that obtained an average MAE of 8.39°. In addition, the results of the proposed method show that the prediction accuracy was improved in eight objects of the DiLiGent dataset compared to those of the PS-FCN, as seen in Table 1. Figure 4 shows visual quality comparisons on the Buddha object of the DiLiGenT benchmark for PS-FCN and the proposed calibrated photometric stereo method. Figure 4A shows one image among input images used by our network and PS-FCN. Figure 4B shows the color-encoded map of the ground-truth surface normals for the Buddha object corresponding to the image shown in (a), and this color map was obtained by RGB encoding: [R, G, B] = ([nx, ny, nz] + 1)/2 where [nx, ny, nz] depicts a unit vector of the surface normal. In other words, the values in this color map were converted from [−1, 1] to [0, 1] per channel to encode the surface normal vector at each pixel, and it should be noted that this encoded color map was only used to visualize the experimental results. Figure 4C shows a color-encoded map of surface normals estimated with PS-FCN. Figure 4D shows an angular error map of surface normals estimated with PS-FCN where a heatmap is used to represent the angular error with respect to the ground truth per pixel for visualization purposes. The color value in this heatmap depicts the angular error value ranging from 0°–90° as seen in the color bar on the right side of Figure 4F. Figure 4E shows a color-encoded surface normal map for the proposed method. Figure 4F shows an angular error map of surface normals estimated with the proposed method. Please refer to Figure S1 for more results.
For the uncalibrated photometric stereo experiment, the predicted surface normal with the proposed method and SDPS-Net achieved average MAEs of 9.07° and 9.51°, respectively. In addition, the results of the proposed method showed that the prediction accuracy was improved over the SDPS-Net in nine out of ten objects in the DiLiGent dataset, as seen in Table 2. Figure 5 shows visual comparisons with the Harvest object of the DiLiGenT benchmark for the SDPS-Net and the proposed uncalibrated photometric stereo method where (A) shows one image among input images, (B) shows the color-encoded map of ground-truth surface normals, (C) and (E) show a color-encoded surface normal map for SDPS-Net and the proposed method, respectively, (D) and (F) show an angular error map of surface normals estimated with SDPS-Net and the proposed method, respectively. Please refer to Figure S2 for more results.
In our experiment, we observed the degradation of the model’s prediction accuracy when a normalization layer, such as batch, instance, weight, and group normalization was added to convolutional or deconvolutional blocks; The degraded performance of the model was also observed when 1 × 1 or 3 × 3 convolution is used in the feature aggregation branch after applying concatenation. In addition, the degradation of the performance was also observed when the skip connection layer with a skip connection and a 1 × 1 or a 3 × 3 convolutional layer was used instead of the identity skip connection.
Our results showed that our proposed multi-scale fusion scheme in the photometric stereo network was beneficial for improving the accuracy of the surface normal estimation. In particular, the existing methods tend to severely degrade the estimation accuracy of the surface normal in the non-convex region where the surface reflectance of a non-convex object cannot be defined in BRDF due to global illumination effects such as a multiple surface scattering, and severe cast shadows due to complex geometry are also observed. Our results using multi-scale feature aggregation show that the estimation accuracy is particularly improved in non-convex regions over previous methods.

4.2. Comparision with Other Models

We compared our model with the existing method. Table 1 shows quantitative comparisons on the DiLiGent benchmark dataset in which our method was compared with previous work on the calibrated photometric stereo in terms of MAE where the numbers depict the MAE between the estimation and the ground truth of the surface normal. Our method shows the third-best performance out of thirteen methods where the proposed method, CNN-PS, PS-FCN, TM18, and DPSN are deep learning (DL)-based approaches, and HS17, EW20, ST14, IA14, GC10, AZ08, WG10, and Least Squares belong to non-DL-based approach. In addition, CNN-PS, HS17, DPSN, EW20, ST14, IA14, GC10, AZ08, WG10, and least squares were used to estimate the surface normal in a pixel-wise fashion. However, the proposed method, PS-FCN, and TM18 were performed in an image-wise fashion. CNN-PS and HS17 showed the best and second-best performances in terms of accuracy; however, their computational efficiency was low. The proposed method shows the best performance over all the existing methods for one object (Buddha) out of ten in the DiLiGent dataset and shows the second-best and third-best performances for the two objects (Cow and Harvest) and one object (Pot2), respectively. In addition, the proposed method shows the best performance among methods that were performed in an image-wise fashion.
For the uncalibrated photometric stereo, Table 2 shows quantitative comparisons on the DiLiGent benchmark dataset; Here, our method shows the best performance out of the nine methods. The proposed method, SDPS-Net, and UPS-FCN are DL-based approaches that were performed in an image-wise fashion. LC18, PF14, WT13, LM13, SM10, and AM07 belong to the non-DL-based approaches that were performed in a pixel-wise fashion. In addition, the proposed method shows better performance than all existing methods for nine objects (Ball, Pot1, Bear, Pot2, Buddha, Goblet, Reading, Cow, and Harvest) out of ten in the DiLiGent dataset, and shows the second-best performance for the Cat object.

5. Conclusions

This paper proposed a photometric stereo method based on the convolutional neural network with a multi-scale feature aggregation scheme. Our experiments demonstrated that our calibrated photometric stereo approach obtains comparable performance to state-of-the-art methods, and our uncalibrated photometric stereo approach outperformed the state-of-the-art method. This shows that aggregating multi-scale feature maps in photometric stereo help improve the performance of the surface normal estimation.
The surface appearance is determined by the interaction among the surface normal, material, and lighting. Nevertheless, our model only learns the surface normal from the image. Hence, future research should include the development of simultaneous estimations of the surface normal and BRDF, including diffuse and specular components.

Supplementary Materials

The following are available online at https://www.mdpi.com/1424-8220/20/21/6261/s1, Figure S1. Visual quality comparisons on the Ball, Cat, Pot1, Bear, Pot2, Globet, Reading, Cow, and Harvest objects in the DiLiGent benchmark for the calibrated photometric stereo: (the first column) one image among 96 input images; (the second column) ground-truth surface normal map; (the third column) surface normal map estimated with PS-FCN; (the fourth column) angular error map for PS-FCN; (the fifth column) surface normal map estimated with the proposed method; (the sixth column) angular error map for the proposed method. Figure S2. Visual quality comparisons on the Ball, Cat, Pot1, Bear, Pot2, Buddha, Goblet, Cow, and Harvest object in the DiLiGent benchmark for the uncalibrated photometric stereo: (the first column) one image among 96 input images; (the second column) ground-truth surface normal map; (the third column) surface normal map estimated with SDPS-Net; (the fourth column) angular error map for SDPS-Net; (the fifth column) surface normal map estimated with the proposed method; (the sixth column) angular error map for the proposed method.

Author Contributions

C.Y. proposed the initial idea of our photometric stereo network; S.W.L. conceived and designed the experiments; all experiments were performed by C.Y. under the supervision of S.W.L. and C.Y., and S.W.L. wrote the paper. All authors have read and agreed to the published version of the manuscript.

Funding

This work was supported by the Basic Science Research Program through the National Research Foundation of Korea funded by the Ministry of Education (NRF-2018R1D1A1B07045674) and supported by the National Research Foundation of Korea (NRF) grant funded by the Korea government (MSIT) (NRF-2020R1F1A1073618).

Conflicts of Interest

The authors declare no conflict of interest.

References

  1. Woodham, R.J. Photometric method for determining surface orientation from multiple images. Opt. Eng. 1980, 19, 191139. [Google Scholar] [CrossRef]
  2. Hao, Y.; Li, J.; Meng, F.; Zhang, P.; Ciuti, G.; Dario, P.; Huang, Q. Photometric stereo-based depth map reconstruction for monocular capsule endoscopy. Sensors 2020, 20, 5403. [Google Scholar] [CrossRef] [PubMed]
  3. Huang, S.; Xu, K.; Li, M.; Wu, M. Improved visual inspection through 3D image reconstruction of defects based on the photometric stereo technique. Sensors 2019, 19, 4970. [Google Scholar] [CrossRef] [PubMed] [Green Version]
  4. Yoda, T.; Nagahara, H.; Taniguchi, R.; Kagawa, K.; Yasutomi, K.; Kawahito, S. The dynamic photometric stereo method using a multi-tap CMOS image sensor. Sensors 2018, 18, 786. [Google Scholar] [CrossRef] [PubMed] [Green Version]
  5. Lu, L.; Qi, L.; Luo, Y.; Jiao, H.; Dong, J. Three-dimensional reconstruction from single image base on combination of CNN and multi-spectral photometric stereo. Sensors 2018, 18, 764. [Google Scholar] [CrossRef] [PubMed] [Green Version]
  6. Koppal, S.J. Lambertian reflectance. In Computer Vision: A Reference Guide; Ikeuchi, K., Ed.; Springer: Boston, MA, USA, 2014; pp. 441–443. ISBN 978-0-387-31439-6. [Google Scholar]
  7. Hayakawa, H. Photometric stereo under a light source with arbitrary motion. JOSA A 1994, 11, 3079–3089. [Google Scholar] [CrossRef] [Green Version]
  8. Coleman, E.N.; Jain, R. Obtaining 3-dimensional shape of textured and specular surfaces using four-source photometry. Comput. Graph. Image Process. 1982, 18, 309–328. [Google Scholar] [CrossRef]
  9. Barsky, S.; Petrou, M. The 4-source photometric stereo technique for three-dimensional surfaces in the presence of highlights and shadows. IEEE Trans. Pattern Anal. Mach. Intell. 2003, 25, 1239–1252. [Google Scholar] [CrossRef] [Green Version]
  10. Chandraker, M.; Agarwal, S.; Kriegman, D. ShadowCuts: Photometric stereo with shadows. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Minneapolis, MN, USA, 18–23 June 2007; pp. 1–8. [Google Scholar]
  11. Wu, T.-P.; Tang, C.-K. Photometric stereo via expectation maximization. IEEE Trans. Pattern Anal. Mach. Intell. 2010, 32, 546–560. [Google Scholar] [CrossRef]
  12. Verbiest, F.; Van Gool, L. Photometric stereo with coherent outlier handling and confidence estimation. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Anchorage, AK, USA, 24–26 June 2008; pp. 1–8. [Google Scholar]
  13. Mukaigawa, Y.; Ishii, Y.; Shakunaga, T. Analysis of photometric factors based on photometric linearization. JOSA A 2007, 24, 3326–3334. [Google Scholar] [CrossRef]
  14. Sunkavalli, K.; Zickler, T.; Pfister, H. Visibility subspaces: Uncalibrated photometric stereo with shadows. In Proceedings of the European Conference on Computer Vision, Heraklion, Greece, 5–11 September 2010; Daniilidis, K., Maragos, P., Paragios, N., Eds.; Springer: Berlin/Heidelberg, Germany, 2010; pp. 251–264. [Google Scholar]
  15. Yu, C.; Seo, Y.; Lee, S.W. Photometric stereo from maximum feasible lambertian reflections. In Proceedings of the European Conference on Computer Vision, Heraklion, Greece, 5–11 September 2010; pp. 115–126. [Google Scholar]
  16. Miyazaki, D.; Ikeuchi, K. Photometric stereo under unknown light sources using robust SVD with missing data. In Proceedings of the IEEE International Conference on Image Processing, Hong Kong, China, 26–29 September 2010; pp. 4057–4060. [Google Scholar]
  17. Wu, L.; Ganesh, A.; Shi, B.; Matsushita, Y.; Wang, Y.; Ma, Y. Robust photometric stereo via low-rank matrix completion and recovery. In Proceedings of the Asian Conference on Computer Vision, Queenstown, New Zealand, 8–12 November 2010; pp. 703–717. [Google Scholar]
  18. Ikehata, S.; Wipf, D.; Matsushita, Y.; Aizawa, K. Robust photometric stereo using sparse regression. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Providence, RI, USA, 16–21 June 2012; pp. 318–325. [Google Scholar]
  19. Oh, T.-H.; Tai, Y.-W.; Bazin, J.-C.; Kim, H.; Kweon, I.S. Partial sum minimization of singular values in robust PCA: Algorithm and applications. IEEE Trans. Pattern Anal. Mach. Intell. 2016, 38, 744–758. [Google Scholar] [CrossRef] [PubMed] [Green Version]
  20. Nicodemus, F.E. Directional reflectance and emissivity of an opaque surface. Appl. Opt. 1965, 4, 767–775. [Google Scholar] [CrossRef]
  21. Mallick, S.P.; Zickler, T.E.; Kriegman, D.J.; Belhumeur, P.N. Beyond Lambert: Reconstructing specular surfaces using color. In Proceedings of the IEEE Computer Society Conference on Computer Vision and Pattern Recognition, San Diego, CA, USA, 20–25 June 2005; pp. 619–626. [Google Scholar]
  22. Sato, Y.; Ikeuchi, K. Temporal-color space analysis of reflection. JOSA A 1994, 11, 2990–3002. [Google Scholar] [CrossRef]
  23. Chen, L.; Zheng, Y.; Shi, B.; Subpa-asa, A.; Sato, I. A Microfacet-based model for photometric stereo with general isotropic reflectance. IEEE Trans. Pattern Anal. Mach. Intell. 2019, 1. [Google Scholar] [CrossRef]
  24. Shi, B.; Tan, P.; Matsushita, Y.; Ikeuchi, K. Bi-polynomial modeling of low-frequency reflectances. IEEE Trans. Pattern Anal. Mach. Intell. 2014, 36, 1078–1091. [Google Scholar] [CrossRef]
  25. Georghiades, A.S. Incorporating the torrance and sparrow model of reflectance in uncalibrated photometric stereo. In Proceedings of the IEEE International Conference on Computer Vision, Nice, France, 13–16 October 2003; pp. 816–823. [Google Scholar]
  26. Tagare, H.D.; de Figueiredo, R.J.P. A theory of photometric stereo for a class of diffuse non-Lambertian surfaces. IEEE Trans. Pattern Anal. Mach. Intell. 1991, 13, 133–152. [Google Scholar] [CrossRef] [Green Version]
  27. Chung, H.-S.; Jia, J. Efficient photometric stereo on glossy surfaces with wide specular lobes. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Anchorage, AK, USA, 23–28 June 2008; pp. 1–8. [Google Scholar]
  28. Wu, Z.; Tan, P. Calibrating photometric stereo by holistic reflectance symmetry analysis. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Portland, OR, USA, 23–28 June 2013; pp. 1498–1505. [Google Scholar]
  29. Ikehata, S.; Aizawa, K. Photometric stereo using constrained bivariate regression for general isotropic surfaces. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Columbus, OH, USA, 23–28 June 2014; pp. 2187–2194. [Google Scholar]
  30. Alldrin, N.G.; Kriegman, D.J. Toward reconstructing surfaces with arbitrary isotropic reflectance: A stratified photometric stereo approach. In Proceedings of the IEEE International Conference on Computer Vision, Rio de Janeiro, Brazil, 14–20 October 2007; pp. 1–8. [Google Scholar]
  31. Alldrin, N.; Zickler, T.; Kriegman, D. Photometric stereo with non-parametric and spatially-varying reflectance. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Anchorage, AK, USA, 24–26 June 2008; pp. 1–8. [Google Scholar]
  32. Shi, B.; Tan, P.; Matsushita, Y.; Ikeuchi, K. Elevation angle from reflectance monotonicity: Photometric stereo for general isotropic reflectances. In Proceedings of the European Conference on Computer Vision, Florence, Italy, 7–13 October 2012; pp. 455–468. [Google Scholar]
  33. Lu, F.; Chen, X.; Sato, I.; Sato, Y. SymPS: BRDF symmetry guided photometric stereo for shape and light source estimation. IEEE Trans. Pattern Anal. Mach. Intell. 2018, 40, 221–234. [Google Scholar] [CrossRef]
  34. Hertzmann, A.; Seitz, S.M. Shape and materials by example: A photometric stereo approach. In Proceedings of the IEEE Computer Society Conference on Computer Vision and Pattern Recognition, Madison, WI, USA, 18–20 June 2003. [Google Scholar]
  35. Hui, Z.; Sankaranarayanan, A.C. Shape and spatially-varying reflectance estimation from virtual exemplars. IEEE Trans. Pattern Anal. Mach. Intell. 2017, 39, 2060–2073. [Google Scholar] [CrossRef]
  36. Enomoto, K.; Waechter, M.; Kutulakos, K.N.; Matsushita, Y. Photometric stereo via discrete hypothesis-and-test search. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, Seattle, WA, USA, 16–18 June 2020; pp. 2308–2316. [Google Scholar]
  37. Herbort, S.; Wöhler, C. An introduction to image-based 3D surface reconstruction and a survey of photometric stereo methods. 3D Research 2011, 2, 4. [Google Scholar] [CrossRef]
  38. Ackermann, J.; Goesele, M. A survey of photometric stereo techniques. Found. Trends® Comput. Graph. Vis. 2015, 9, 149–254. [Google Scholar] [CrossRef]
  39. Shi, B.; Mo, Z.; Wu, Z.; Duan, D.; Yeung, S.-K.; Tan, P. A benchmark dataset and evaluation for non-lambertian and uncalibrated photometric stereo. IEEE Trans. Pattern Anal. Mach. Intell. 2019, 41, 2–271. [Google Scholar] [CrossRef]
  40. Santo, H.; Samejima, M.; Sugano, Y.; Shi, B.; Matsushita, Y. Deep photometric stereo network. In Proceedings of the IEEE International Conference on Computer Vision Workshops (ICCVW), Venice, Italy, 22–29 October 2017; pp. 501–509. [Google Scholar]
  41. Chen, G.; Han, K.; Wong, K.-Y.K. PS-FCN: A flexible learning framework for photometric stereo. In Proceedings of the European Conference on Computer Vision, Munich, Germany, 8–14 September 2018; pp. 3–19. [Google Scholar]
  42. Ikehata, S. CNN-PS: CNN-based photometric stereo for general non-convex surfaces. In Proceedings of the European Conference on Computer Vision, Munich, Germany, 8–14 September 2018; pp. 3–19. [Google Scholar]
  43. Chen, G.; Han, K.; Shi, B.; Matsushita, Y.; Wong, K.-Y.K.K. Self-calibrating deep photometric stereo networks. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, Long Beach, CA, USA, 15–21 June 2019; pp. 8731–8739. [Google Scholar]
  44. Li, J.; Robles-Kelly, A.; You, S.; Matsushita, Y. Learning to minify photometric stereo. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, Long Beach, CA, USA, 15–21 June 2019; pp. 7560–7568. [Google Scholar]
  45. Taniai, T.; Maehara, T. Neural inverse rendering for general reflectance photometric stereo. In Proceedings of the International Conference on Machine Learning, PMLR, Stockholm Sweden, 10–15 July 2018; pp. 4857–4866. [Google Scholar]
  46. Zheng, Q.; Jia, Y.; Shi, B.; Jiang, X.; Duan, L.; Kot, A. SPLINE-Net: Sparse photometric stereo through lighting interpolation and normal estimation networks. In Proceedings of the IEEE/CVF International Conference on Computer Vision, Seoul, Korea, 27 October–3 November 2019; pp. 8548–8557. [Google Scholar]
  47. Wu, T.-P.; Tang, K.-L.; Tang, C.-K.; Wong, T.-T. Dense photometric stereo: A Markov random field approach. IEEE Trans. Pattern Anal. Mach. Intell. 2006, 28, 1830–1846. [Google Scholar] [CrossRef] [PubMed] [Green Version]
  48. Fischler, M.A.; Bolles, R.C. Random sample consensus: A paradigm for model fitting with applications to image analysis and automated cartography. Commun. ACM 1981, 24, 381–395. [Google Scholar] [CrossRef]
  49. Shafer, S.A. Using color to separate reflection components. Color Res. Appl. 1985, 10, 210–218. [Google Scholar] [CrossRef] [Green Version]
  50. Torrance, K.E.; Sparrow, E.M. Theory for off-specular reflection from roughened surfaces*. JOSA 1967, 57, 1105–1114. [Google Scholar] [CrossRef]
  51. Ward, G.J. Measuring and modeling anisotropic reflection. ACM SIGGRAPH Comput. Graph. 1992, 26, 265–272. [Google Scholar] [CrossRef]
  52. Goldman, D.B.; Curless, B.; Hertzmann, A.; Seitz, S.M. Shape and spatially-varying BRDFs from photometric stereo. IEEE Trans. Pattern Anal. Mach. Intell. 2010, 32, 1060–1071. [Google Scholar] [CrossRef]
  53. Matusik, W.; Pfister, H.; Brand, M.; McMillan, L. A data-driven reflectance model. ACM Trans. Graph. 2003, 22, 759–769. [Google Scholar] [CrossRef]
  54. Hartmann, W.; Galliani, S.; Havlena, M.; Van Gool, L.; Schindler, K. Learned Multi-patch Similarity. In Proceedings of the IEEE International Conference on Computer Vision, Venice, Italy, 22–29 October 2017; pp. 1595–1603. [Google Scholar]
  55. Wiles, O.; Zisserman, A. SilNet: Single- and multi-view reconstruction by learning from silhouettes. In Proceedings of the British Machine Vision Conference, London, UK, 4–7 September 2017. [Google Scholar]
  56. Aittala, M.; Durand, F. Burst image deblurring using permutation invariant convolutional neural networks. In Proceedings of the European Conference on Computer Vision, Munich, Germany, 8–14 September 2018; pp. 748–764. [Google Scholar]
  57. Kingma, D.P.; Ba, J. Adam: A Method for Stochastic Optimization. In Proceedings of the 3rd International Conference on Learning Representations, San Diego, CA, USA, 7–9 May 2015. [Google Scholar]
  58. Jakob, W. Mitsuba—Physically Based Renderer. Available online: https://www.mitsuba-renderer.org/download.html (accessed on 25 September 2020).
  59. Johnson, M.K.; Adelson, E.H. Shape estimation in natural illumination. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Colorado Springs, CO, USA, 20–25 June 2011; pp. 2553–2560. [Google Scholar]
  60. 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 Advances in Neural Information Processing Systems 32; Curran Associates, Inc.: Vancouver, BC, Canada, 8–14 December 2019; pp. 8026–8037. [Google Scholar]
  61. Papadhimitri, T.; Favaro, P. A closed-form, consistent and robust solution to uncalibrated photometric stereo via local diffuse reflectance maxima. Int. J. Comput. Vis. 2014, 107, 139–154. [Google Scholar] [CrossRef] [Green Version]
  62. Lu, F.; Matsushita, Y.; Sato, I.; Okabe, T.; Sato, Y. Uncalibrated photometric stereo for unknown isotropic reflectances. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Portland, OR, USA, 23–28 June 2013; pp. 1490–1497. [Google Scholar]
  63. Shi, B.; Matsushita, Y.; Wei, Y.; Xu, C.; Tan, P. Self-calibrating photometric stereo. In Proceedings of the IEEE Computer Society Conference on Computer Vision and Pattern Recognition, San Francisco, CA, USA, 13–18 June 2010; pp. 1118–1125. [Google Scholar]
  64. Alldrin, N.G.; Mallick, S.P.; Kriegman, D.J. Resolving the generalized bas-relief ambiguity by entropy minimization. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Minneapolis, MN, USA, 18–23 June 2007; pp. 1–7. [Google Scholar]
Figure 1. Network architecture for calibrated photometric stereo. The numbers in layers depict the number of output channels.
Figure 1. Network architecture for calibrated photometric stereo. The numbers in layers depict the number of output channels.
Sensors 20 06261 g001
Figure 2. Network architecture for uncalibrated photometric stereo. The numbers in layers depict the number of output channels.
Figure 2. Network architecture for uncalibrated photometric stereo. The numbers in layers depict the number of output channels.
Sensors 20 06261 g002
Figure 3. The accuracy comparison ours with baseline models: (A) calibrated photometric stereo evaluation; (B) uncalibrated photometric stereo evaluation
Figure 3. The accuracy comparison ours with baseline models: (A) calibrated photometric stereo evaluation; (B) uncalibrated photometric stereo evaluation
Sensors 20 06261 g003
Figure 4. Visual quality comparisons on the Buddha object in the DiLiGent benchmark for the calibrated photometric stereo: (A) one image among 96 input images; (B) ground-truth surface normal map; (C) surface normal map estimated with PS-FCN; (D) angular error map for PS-FCN; (E) surface normal map estimated with the proposed method; (F) angular error map for the proposed method.
Figure 4. Visual quality comparisons on the Buddha object in the DiLiGent benchmark for the calibrated photometric stereo: (A) one image among 96 input images; (B) ground-truth surface normal map; (C) surface normal map estimated with PS-FCN; (D) angular error map for PS-FCN; (E) surface normal map estimated with the proposed method; (F) angular error map for the proposed method.
Sensors 20 06261 g004
Figure 5. Visual quality comparisons on the Reading object in the DiLiGent benchmark for the uncalibrated photometric stereo: (A) one image among 96 input images; (B) ground-truth surface normal map; (C) surface normal map estimated with SDPS-Net; (D) angular error map for SDPS-Net; (E) surface normal map estimated with the proposed method; (F) angular error map for the proposed method.
Figure 5. Visual quality comparisons on the Reading object in the DiLiGent benchmark for the uncalibrated photometric stereo: (A) one image among 96 input images; (B) ground-truth surface normal map; (C) surface normal map estimated with SDPS-Net; (D) angular error map for SDPS-Net; (E) surface normal map estimated with the proposed method; (F) angular error map for the proposed method.
Sensors 20 06261 g005
Table 1. Accuracy comparison for the DiLiGenT benchmark in the surface normal estimation of calibrated photometric stereo methods. The value indicates the mean angular errors in degrees for estimated surface normal where red, blue, and green indicate the best, second-best, and third-best performances, respectively.
Table 1. Accuracy comparison for the DiLiGenT benchmark in the surface normal estimation of calibrated photometric stereo methods. The value indicates the mean angular errors in degrees for estimated surface normal where red, blue, and green indicate the best, second-best, and third-best performances, respectively.
MethodBallCatPot1BearPot2BuddhaGobletReadingCowHarvestAverage
Ours2.845.716.656.877.037.888.6712.856.3915.628.05
CNN-PS [42]2.204.605.404.106.007.907.3012.608.0014.007.20
HS17 [35]1.334.885.165.586.418.487.5712.088.2315.817.55
PS-FCN [41]2.826.167.137.557.257.918.6013.337.3315.858.39
TM18 [45]1.475.446.095.797.7610.3611.4711.036.3222.598.83
DPSN [40]2.026.547.056.317.8612.6811.2815.518.0116.869.41
EW20 [36]1.586.306.676.387.2613.6911.4215.497.8018.749.53
ST14 [24]1.746.126.516.128.7810.6010.0913.6313.9325.4410.30
IA14 [29]3.346.746.647.118.7710.479.7114.1913.0525.9510.60
GC10 [52]3.218.228.536.627.9014.8514.2219.079.5527.8412.00
AZ08 [31]2.716.537.235.9611.0312.5413.9314.1721.4830.5012.61
WG10 [17]2.066.737.186.5013.1210.9115.7015.3925.8930.0113.35
Least Squares [1]4.108.418.898.3914.6514.9218.5019.8025.6030.6215.39
Table 2. Accuracy comparison for the DiLiGenT benchmark in the surface normals estimation of uncalibrated photometric stereo methods. the value indicates the mean angular errors in degrees for estimated surface normals where red, blue, and green indicate the best, second-best, and third-best performances, respectively.
Table 2. Accuracy comparison for the DiLiGenT benchmark in the surface normals estimation of uncalibrated photometric stereo methods. the value indicates the mean angular errors in degrees for estimated surface normals where red, blue, and green indicate the best, second-best, and third-best performances, respectively.
MethodBallCatPot1BearPot2BuddhaGobletReadingCowHarvestAverage
Ours2.759.357.735.456.968.8811.2414.876.7216.779.07
SDPS-Net [43]2.778.068.146.897.508.9711.9114.908.4817.439.51
UPS-FCN [41]6.62 14.6813.9811.2314.1915.8720.7223.2611.9127.7916.02
LC18 [33]9.30 12.6012.4010.9015.7019.0018.3022.3015.0028.0016.30
PF14 [61]4.77 9.549.519.0715.9014.9229.9324.1819.5329.2116.66
WT13 [28]4.3936.559.396.4214.5213.1920.5758.9619.7555.5123.93
LM13 [62]22.43 25.0132.8215.4420.5725.7629.1648.1622.5334.4527.63
SM10 [63]8.90 19.8416.6811.9850.6815.5448.7926.9322.7373.8629.59
AM07 [64]7.27 31.4518.3716.8149.1632.8146.5453.6554.7261.7037.25
Publisher’s Note: MDPI stays neutral with regard to jurisdictional claims in published maps and institutional affiliations.

Share and Cite

MDPI and ACS Style

Yu, C.; Lee, S.W. Deep Photometric Stereo Network with Multi-Scale Feature Aggregation. Sensors 2020, 20, 6261. https://doi.org/10.3390/s20216261

AMA Style

Yu C, Lee SW. Deep Photometric Stereo Network with Multi-Scale Feature Aggregation. Sensors. 2020; 20(21):6261. https://doi.org/10.3390/s20216261

Chicago/Turabian Style

Yu, Chanki, and Sang Wook Lee. 2020. "Deep Photometric Stereo Network with Multi-Scale Feature Aggregation" Sensors 20, no. 21: 6261. https://doi.org/10.3390/s20216261

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