Abstract

This paper looks into the fundamental problem in computer vision: edge detection. We propose a new edge detector using structured random forests as the classifier, which can make full use of RGB-D image information from Kinect. Before classification, the adaptive bilateral filter is used for the denoising processing of the depth image. As data sources, information of 13 channels from RGB-D image is computed. In order to train the random forest classifier, the approximation measurement of the information gain is used. All the structured labels at a given node are mapped to a discrete set of labels using the Principal Component Analysis (PCA) method. NYUD2 dataset is used to train our structured random forests. The random forest algorithm is used to classify the RGB-D image information for extracting the edge of the image. In addition to the proposed methodology, the quantitative comparisons of different algorithms are presented. The results of the experiments demonstrate the significant improvements of our algorithm over the state of the art.

1. Introduction

Edge is identified as an abrupt change in some low-level image feature such as color or intensity. Edge detection belongs to classification problem [1]. According to the feature, an image pixel can be classified as an edge pixel or not. So the core of the problem is to design a good classifier. There are three methods based on the image types: gray image edge detection algorithm, color image edge detection algorithm, and RGB-D image edge detection algorithm.

The edge of the gray image is reflected by the change of the edge gray value. This variation is generally reflected in the roof change or step change. In the mathematics, it is reflected in first derivative and second derivative. Therefore, there are two main types of edge detection algorithm for gray images: first-order differential image edge detection operator, such as Sobel operator [2], Prewitt operator [3], Kirsch operator [4], and Roberts operator [5], and second-order differential edge detection operator, like Laplacian operator, LOG operator [6], and others such as Canny operator [7] and SUSAN operator [8].

Compared to the gray images, color images contain more RGB information and luminance information. The edge of the color image is a collection of pixels that image color changes dramatically in the local area. There are two methods of edge detection: scalar operation and vector operation. Scalar operation converts the RGB vector of each pixel to scalar processing. In scalar operation, one method is to convert color image into gray image; another is three-channel method based on gray method, which divides the color image into three channels. Each channel is calculated by gray level method and the edge of color image is synthesized by three channels according to predefined rules. In vector operation, the RGB values of each pixel in the color image are considered as the vector integral. In [9], the gray operator Prewitt is extended to vector space. The gradient calculation method of gray image is introduced to the color image by Di Zenzo [10]. They calculate partial derivative to get the gradient amplitude and direction of the color image. The paper [11] extends quaternion method to the color image edge detection method.

With the development of imaging device, the image acquisition technology is getting better and better. Depth image acquisition is becoming cheaper and more popular. The algorithm of edge detection based on RGB-D image is becoming more mature. In the paper [12], on the basis of the gPb-ucm (Globalized Probability of Boundary-Ultrametric Contour Map) algorithm [13], the algorithm combines the depth information, RGB information, and texture information for each direction. The support vector machines (SVMs) with additive kernels [14] are used as the classifier. Dollar and Zitnick [15] consider the depth information and the RGB information (but not the texture information) and select the structured random forest as the classifier, which is used for edge detection. Its emphasis is on structural representation of the random forest rather than the representation of feature information. The depth information is used as a separate image for the classification integration with the geometrical features. In the paper [16], proposed approach firstly preprocesses the original depth map of objects in indoor environments captured by an RGB-D camera system and then uses the recovered depth map to detect sharp corners/edges on objects and calculate their sharpness. The paper [17] proposes a method that extracts occlusion edge in RGB-D frames by deep Convolutional Neural Networks. It avoids hand-crafting of features for occlusion edges detection. The paper [18] proposes a new probabilistic model, Contour Completion Random Fields, which allows completing the boundaries of occluded surfaces.

In this paper, we propose an improved RGB-D image edge detection algorithm based on structured forests [12, 15]. We use adaptive bilateral filter to denoise the depth image and make full use of the RGB-D image information and solve the problem that the outline of the former is not obvious [12] and the defect that the algorithm [15] misses details of the edge.

The rest of the paper is organized as follows: Section 2 refers to the information representation. Section 3 introduces in detail structured forest algorithm. Section 4 describes edge detection from RGB-D image. Section 5 shows the experimental results. Section 6 sets out the conclusions and presents lines for future work.

2. Representation

The Kinect sensor incorporates several advanced sensing hardware items. Most notably, it contains a depth sensor, a color camera, and a four-microphone array that provides full-body 3D motion capture, facial recognition, and voice recognition capabilities.

Figure 1 introduces the process of edge detection. According to Figure 1, our work is divided into two parts. Firstly, we study how to describe the color information and the depth information of the image. Secondly, we learn how to classify these features’ information and how to extract the edge of the image.

For each pixel, color features are studied, which include brightness gradient (), color gradient (), and texture gradient (). We also estimate its 3D location in the scene and its surface normal orientation. The local geometric information is used to calculate the edge information of each pixel in three directions. A depth gradient () indicates a discontinuity of depth information, a convex normal gradient () identifies the surface convex at a specified point in a specified direction, and a concave normal gradient () identifies the surface concaves at a specified point in a specified direction.

Regarding color gradient and texture gradient in gPb (Globalized Probability of Boundary) [12], they are important to RGB-D image. These data mainly have the following three rules: () it is a nonlinear noise model as , where is the measurement error of depth information, is the actual depth information, and is the noncontinuity error of depth observation (depending on the triangulation principle of Kinect). This model leads to the systematic quantization and the nonrandomness of the depth information. () The lack of time synchronization between color channel and depth channel leads to the deviation of dataset. () There is lack of the depth information observations. We design the geometric edge information extraction scheme with the physical interpretation in detail. We use the multiscale window analysis, namely, adaptive joint bilateral filter, rather than using interpolation to make up missing depth information. In this system, least square method is used to fit the disparity gradient instead of the points in the point cloud, and Savitzky and Golay [19] parabolic is used to fit independent smoothing orientation.

In order to estimate the local geometric edge information, a disk is centered for each image. The disk is divided into two halves according to the predefined orientation, and information was compared between two halves. This method was proposed originally by Martin et al. [20] for the problem of edge detection in monocular images. In our experiments, 4 disks with different radius varying from 5 to 20 pixels and 8 orientations are used. Three local geometric gradients , , and were computed by the point cloud of 2 halves. First, a planar model is used to represent the distribution of points in each half. Then, the distance between the two planes and the disk center is represented as , and the angles between the normal and two planes are, respectively, represented as and . Figure 2 shows the details.

3. Structured Forests Algorithm

This paper chooses structured random forests as a classifier due to the following four factors. () The classification is very fast. The speed of the classifier based on the tree structure is proportional to the depth of the tree, and the depth of the tree is often low. () The effect of classification is very good. Neural network adopts probing method to determine the network structure, which leads to the low training efficiency of neural network. Support vector machine (SVM) is to solve two-class problem, but random forest is to solve the multiclass problem. () The effect of parallelization is very good. Random forests can be parallel to the different pixel locations and different trees in the scene image, so the efficiency of the calculation is high. () The addition of structural information makes the classification more accurate.

The patches in the edges are good to exhibit the local structure of images, such as linear or T-type junctions. Dollar and Zitnick [15] use the structure of the local patches in the image edge to propose an accurate and computationally efficient edge detector. In [21], they improve the algorithm, but partial image details are missed. In this paper, the random decision forest algorithm is applied to a structured learning framework to predict the local edge information. Such a new method for learning decision tree has good robustness, and the structured label of the discrete can estimate standard information gain.

3.1. Random Decision Forest

A decision tree uses recursive method to classify sample () into left or right subtree until it reaches a leaf node. In particular, every node in the tree (each node can be viewed as a weak classifier [22]) is associated with a binary partition function:

If , sample is classified into the right of the node or else the left until it reaches a leaf node. After the prediction of the tree, the output of the input is (), which is in the leaf node.

The training of each tree is independent and the recursion is used. For a given node and training set , it is important to find a parameter of the partition function for obtaining a good split of the data:where and . The norm of selecting the partition parameter is to maximize information gain . The set is used to train the left nodes and the set is used to train the right nodes. The train is stopped if one of the following conditions is met. The conditions are as follows. () The maximum depth is achieved. () Information gain reaches the threshold. () The number of samples is less than the threshold value.

For multiclass classification, the standard definition of information gain can be defined aswhere represents Shannon entropy and is the probability of the set with label . The Gini impurity can be used in (3) alternatively.

A decision forest is a collection of independent decision trees . For a given sample , it uses decision tree to get an output. The selection of ensemble models mainly depends on the set of outputs , which includes average regression, voting mechanism for classification, and more complicated ensemble models [22].

Leaf nodes of the decision tree may store any information. Whether the leaf nodes are reached depends on the input , so the prediction on multiple trees must rely on the effective integration mode (ensemble model). The output may be stored in every leaf node, which allows using complicated outputs including structural output results in the paper [23].

There may be high variance and overfitting in the single decision tree. In order to reduce high variance of the classifier, the randomness is introduced in the tree’s growth process and the training sample of the selection tree. The decision forest trains multiple decision trees without relevance and combines their outputs to improve the disadvantages. The critical part of the training is to achieve the diversity of the decision tree.

In order to guarantee the diversity of the tree, the Bootstrap Sampling is adopted to resample and the samples with differences are generated. At the node level, the randomness is introduced to generate the model of higher accuracy, which is also proved to be very effective. For each node, was selected from (complete parameter space) randomly, and is a subset of . The algorithm of random forest classifier training is shown in Algorithms 1 and 2.

Input: training sample set , ,
Output: random tree classifier
if all the training samples of belong to the same category or , then
  return
end if
select parameter space subset randomly:
for to do
   
end for
Compute the optimal parameter of the node classifier:
Set the current dataset of the left and right child nodes : ,
for to do
   if then
      
   else
      
   end if
end for
New left child node:
New right child node:
return
Input: Training sample set , ,
Output: Random Forest Classifier
for to do
   Random sample the training set:
   Train the random tree:
end for
return

In practical application, the accuracy of a single decision tree is lost to meet the diversity of the ensemble model. A similar approach is used to introduce approximate information gain norm for the structured labels, that is, the structured decision forest discussed in this paper.

3.2. Structured Random Decision Forests

In this part, the random decision forest is extended to the structured output space . There are two main challenges in using structured labels to train random forests. First, structured output space is usually high-dimensional and complicated. Therefore, the computation of evaluation on many structured label splits is very expensive. Second, it is not an accurate method to define the information gain of the structured labels.

In this paper, the approximation measurement of the information gain is used to train the random forest classifier. The optimal split function, which is described above, is not necessary. We aim to map all the structured labels at a given node into a discrete set of labels , where . A similar structured label is assigned to the same discrete label .

Calculation of information gain depends on measuring similarity on . However, for most structured output spaces including those used for edge detection, the similarity calculation on is not easy to define. Therefore, a mapping from to temporary space is defined, and the distance of the space is easy to measure. Finally, the two steps are as follows: () mapping () mapping . We will describe the method in detail in the next installment.

For most structured output spaces including those used for edge detection, a mapping form is defined asThus we can approximate estimation dissimilarity of by the Euclidean distance over .

The space may be high-dimensional. So we resample at dimensions and get a reduced mapping . During training, different mappings are randomly generated and applied to training labels at each node . This method has two advantages: () computing is much faster than computing ; () extra randomness is introduced during resampling , which guarantees the diversity of the tree.

We also introduced Principal Component Analysis to reduce the dimensionality of . PCA not only can denoise , but also approximately keep the Euclidean distance unchanged. In our experiment, when is used with , the dimensionality processed by PCA mapping is at most 5 dimensions.

There are lots of possibilities to calculate the information gain while giving a mapping: . We introduced a simple and efficient method. Map a set of structured labels into other discrete labels , where . The labels similar to are assigned to the same discrete label . Discrete label may be dualistic () or multivariate () and we can use the standard information gain as defined in (3) based on Gini impurity or Shannon entropy. It is important to add the discretization separately in training each node and also depend on the distribution of the label at a particular node (different from [18]).

There are two methods for mapping a given into discrete label . One approach is to use -means to cluster into clusters. Another approach is to quantize by PCA based on dimensions and assign a discrete label according to the quadrant of . The two methods are similar, but the latter is faster. We select PCA with in the experiment.

Finally, how to combine labels () into a single forecasting mechanism is defined. This mechanism can accomplish training (correlating labels to nodes) and testing (merging multiple predictions) simultaneously. Similarly, we use -dimensional mapping to compute for each label . The labels () with -centered are chosen, which make the sum of distance between and () minimize. Figure 3 shows training process and testing process of structured random forests.

4. Edge Extraction from RGB-D Image

This part discusses how to apply the feature information to the structure forest model and extract edges from a RGB-D image using this system. The system’s input image will contain a variety of information, for example, RGB or RGB-D. According to this information, the dualistic variable is used to indicate whether it has edges or not. The method of semantic image labeling is similar to that in the paper [23]. The label in a small image block is independent of each other, which provides a good candidate for the structure forest approach.

Given a segmented training image sample, the edge between the patches is regarded as edge. An image patch is segment membership for each pixel with segmentation mask indicator or a dualistic edge map. The former is expressed as , and the latter is expressed as , where is means of patch width. An edge map is deduced from segmentation mask . Two representations are both used in this paper. The main process flow of our edge extraction algorithm for RGB-D image is as shown in Figure 4.

How to compute input features and use for segmentation mapping functions is discussed in the remainder of this section. In addition, we introduce integrate multiple prediction ensemble models.

A structured segmentation mask is predicted from a large patch by our method. For each image patch, we add additional information channels; thus a feature vector is generated, where is the number of channels. We use them in pixel lookups and pairwise differences .

Inspired by the edge detection algorithm proposed by Lim et al. [18], a similar set of color and gradient channels are used in our paper. We compute 3-channel color information and gradients with 2 normalized scales (original and half resolution) in LUV color space. In addition, the gradient channels of each scale are divided into 4 channels based on the directions. We use the triangle filter with the radius of 2 and the downsampling with coefficient of 2. So the final result is 3 kinds of color information, 2 kinds of magnitude, and 8 directions for a total of 13 channels information.

Because the factor of the downsampling is 2, there are candidate feature points . Then we compute the difference between the different feature points. For every channel (8-pixel radius), triangular fuzzy is applied and the resolution is by the downsampling. We sample all the candidate pairs and compute the difference. Finally, there are candidate features for each channel and 7228 candidate features for each patch.

In order to train decision trees, a mapping needs to be defined. Because we choose a structured label of segmentation masks, one choice is to use , where is dualistic edge map corresponding to . But the Euclidean distance of space cannot be computed.

We define another mapping , using , to denote the pixel of mask . Because the definition of is only related to the permutation, the generation of has no information about . We can check if is equal to with . In summary, a large-scale mapping function is defined, which encodes for every pair of feature points with . If the dimension of is , we need only to compute an image patch with the subset of dimensions. We get a better result and capture the similar segmentation masks with and .

The output result of random forest is more robust by combining outputs of the decorrelated decision trees. However, it is very difficult to achieve the fusion of multiple segmentation masks (). Generally, multiple boundary mapping () is used to achieve indirectly the fusion. This paper takes advantage of the function that decision tree leaf node is capable of storing any information. Besides segmentation mask , this paper learns corresponding boundary mapping , which enable multiple predictive results of the decision tree to fuse averagely.

We use structured labels to capture entire image information and reduce the number of decision trees which are used to evaluate each pixel. So our method is very efficient. The structured output is calculated with the density of 2 pixels. For image patches, it receives predictions per pixel. In experiment, we set .

5. Experiments

The images of our experiment are captured by Xbox Kinect 360 in the laboratory. We work with the NYUD2 dataset and use the standard split of 795 training images and 654 testing images. These splits are carefully selected such that images from the same scene are only in one of these sets. Experimental results for laboratory scenes are shown in Figures 5 and 6.

In Figures 5 and 6, RGB images are in the first row and depth images are in the second row. The third row is the algorithm proposed by Gupta et al. [12], who use SVMs as classifier and combine the algorithm of depth image edge detection. This algorithm is referred to as SG algorithm below. The fourth row is the algorithm proposed by Dollar and Zitnick [15], who use structured forests method. This algorithm is referred to as PD algorithm below. The fifth row is our method.

In experiment, we choose four different scenes as the detection object, and the details of the four scenes were different. As shown in Figures 5 and 6, from scene 1 to scene 4, the details of the image are increasing. According to the above results, we can find that, in the results of SG algorithm, the lost edge information is too much, and the details of the image nearly cannot be recognized. For example, in scene 1, the edge of the display and the line of keyboard and mouse are not clear; the keys of keyboard cannot be identified. From the details of the image, PD algorithm and our method are significantly better than SG algorithm.

According to the experimental results, the results from algorithm proposed by Piotr Dollar mostly can be observed. In the scene of the image details are less such as scenes 1 and 2; the performance is good. When the details of the image are more such as scenes 3 and 4, the performance is poor, the extracted image edge appears fuzzy, some of the boundary is blurred, and the image details are lost more. For example, the handle of drawer in scene 3 is missing. In scene 4, the keyboard is lost, and the outline of the book is not clear.

According to Figures 5 and 6, this paper presents the results of the improved algorithm, the image edge is clear and accurate, and the details of the image are kept well. When the details of the image are less, the performance of our method is almost as good as PD algorithm. When the details of the image are increased, our method is better than PD algorithm. In particular, in the last scene, we propose an improved algorithm that is significantly better than PD algorithm in the presentation of the details of the desktop.

To quantitatively compare our algorithm with others we work with the NYUD2 dataset. We report the standard maximum -measure, that is, , in Table 1. -measure is the harmonic mean of precision and recall traditionally, which is given by

When , recall and precision are evenly weighted and measure is defined by

Precision is the number of correct positive results divided by the number of all positive results, and Recall is the number of correct positive results divided by the number of positive results that should have been returned. -measure can be interpreted as a weighted average of Precision and Recall, and it can reflect the overall indicators.

We plot the precision-recall curve on edge in Figure 7 and report the standard maximum -measure metric () in Table 1. As shown in Table 1, in our experiments, we report three quantities for an algorithm, the Optimal Dataset Scale (ODS) or best -measure on the dataset for a fixed scale, the Optimal Image Scale (OIS) or aggregate -measure on the dataset for the best scale in each image, and the Average Precision (AP) on the full recall range.

As shown previously, Dollar and Zitnick proposed a novel learning approach based on structured random forests to classify a pixel as a contour pixel or not. However, their approach treats the depth information as another image, rather than encoding it in terms of geocentric quantities. Gupta et al. encode depth information in terms of geocentric quantities, like , making full utilization of the information of RGB-D image. We extract the advantages of the two methods to obtain a new algorithm. As shown in Figure 4, according to precision-recall curve, in our method, regardless of the size of the recall value, precision will get a relatively stable value. For Gupta et al., when the precision value is larger, the value of recall is too small. For Dollar and Zitnick, when the recall value is larger, the value of precision is too small.

6. Conclusions

This paper exploits the information of RGB-D images and makes full use of the brightness, color, texture, and depth information by means of a circular disc. Before classification, the adaptive bilateral filter is used to deal with the depth image and the output of the random decision forest is structured, which makes the classification more accurate. Experimental results show that the proposed algorithm is more accurate than the others, and the algorithm can also show a high degree of accuracy in the scene where image details are rich. But in the experiment, we also found that the speed of the improved algorithm is not accelerated, the same as the SG algorithm and PD algorithm. The next step is to ensure the accuracy of the algorithm to improve the speed of the algorithm.

Competing Interests

The authors declare that there is no conflict of interests with any company or organization regarding the material discussed in this paper.

Acknowledgments

This work is supported by the National Natural Science Foundation of China (Grants nos. 61563014 and 61165007) and the Natural Science Foundation of Jiangxi Province (no. 20161BAB202068).