Next Article in Journal
Multi-Mode Love-Wave SAW Magnetic-Field Sensors
Previous Article in Journal
Subwavelength Grating Double Slot Waveguide Racetrack Ring Resonator for Refractive Index Sensing Application
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

Deep Features Homography Transformation Fusion Network—A Universal Foreground Segmentation Algorithm for PTZ Cameras and a Comparative Study

Key Laboratory of Advanced Control and Optimization for Chemical Processes, Ministry of Education, East China University of Science and Technology, Shanghai 200237, China
*
Author to whom correspondence should be addressed.
Sensors 2020, 20(12), 3420; https://doi.org/10.3390/s20123420
Submission received: 11 May 2020 / Revised: 11 June 2020 / Accepted: 12 June 2020 / Published: 17 June 2020
(This article belongs to the Section Intelligent Sensors)

Abstract

:
The foreground segmentation method is a crucial first step for many video analysis methods such as action recognition and object tracking. In the past five years, convolutional neural network based foreground segmentation methods have made a great breakthrough. However, most of them pay more attention to stationary cameras and have constrained performance on the pan–tilt–zoom (PTZ) cameras. In this paper, an end-to-end deep features homography transformation and fusion network based foreground segmentation method (HTFnetSeg) is proposed for surveillance videos recorded by PTZ cameras. In the kernel of HTFnetSeg, there is the combination of an unsupervised semantic attention homography estimation network (SAHnet) for frames alignment and a spatial transformed deep features fusion network (STDFFnet) for segmentation. The semantic attention mask in SAHnet reinforces the network to focus on background alignment by reducing the noise that comes from the foreground. STDFFnet is designed to reuse the deep features extracted during the semantic attention mask generation step by aligning the features rather than only the frames, with a spatial transformation technique in order to reduce the algorithm complexity. Additionally, a conservative strategy is proposed for the motion map based post-processing step to further reduce the false positives that are brought by semantic noise. The experiments on both CDnet2014 and Lasiesta show that our method outperforms many state-of-the-art methods, quantitively and qualitatively.

1. Introduction

Foreground segmentation is an activate research topic in computer vision [1], as it is a stepping stone for video surveillance and many video analysis methods by extracting useful information from videos. During the process of foreground segmentation, moving and informative objects are separated from the static or periodic moving background objects (e.g., road or waving water), which is the first step for many hot applications, such as action recognition [2], clothing recolouring [3], and intelligent transportation system [4].
Traditionally, the foreground segmentation methods are designed under the assumption that cameras are stationary. However, the field of view (FOV) of the stationary camera is limited by its fixed location. The multi-cameras systems are adopted for video surveillance and object tracking tasks to overcome this limitation, because it can cover different angles and shots. Despite these advantages, the multi-camera also brought challenge issues, such as installation cost, multi-camera collaboration, and object re-identity. In contrast, the PTZ camera can both avoid the issue brought by multi-cameras and take the advantages of the broad vision field and focusing the region of interest with a high resolution. Therefore, in the last few years, PTZ cameras began to be widely used in many surveillance circumstances. Meanwhile, the background change brought by the panning, tilting and zooming of cameras also raises the challenge, named PTZ camera challenge, to foreground segmentation methods.
Under this circumstance, many efforts are made to extend the proven methods from stationary cameras to PTZ cameras. For example, the sample-based background subtraction method PAWCS [5] shows its robustness to moving cameras by storing the various background representations as background words. Instead of changing the inner mechanism, the panoramic background image [6] enables the traditional methods to be directly used for PTZ cameras by simply registering the current frame to the background model. In order to better adapt to the moving camera, some inner mechanisms are also designed to combine with the panoramic background. In [7], keypoints are not only used for feature matching, a key step for panoramic image generation, but also used for clustering prepared for foreground detection and also a spatio-temporal tracking of keypoints are attached to distinguish the background. Similar to the panoramic-based method, the motion compensation techniques are also a good choice for moving camera foreground segmentation methods, in which the current image is also registered with the background model, but the background model is not an extended image as a panorama, so this decreases the computation time and the memory allocation [8]. The recent method [9] further reduces the computation load by grid-based keypoints and factors proposed for static camera background subtraction, such as local pixel difference and Gaussian filter, are also used for finer performance. Be contrast to the thought dealing with the PTZ camera challenge by frames alignment, the motion segmentation based methods [10,11] are proposed based on the dense optical flow or motion trajectories. The optical flow estimation based method [10] proposed a constrained RANSAC algorithm to distinguish the background optical flow field in order to extract the foreground mask. The motion segmentation is further fused with appearance-based foreground estimation in [11], where an innovative Mega-pixel denoising process acts as a key part in this fusion by smoothing the probability estimates while using colour segmentation. Comparing with compensation-based methods, they do not rely on explicit camera motion models but they are usually based on the two assumptions that the majority of the pixels in a scene belongs to the background, and foreground objects and camera motion differ in terms of motion pattern.
When comparing with the traditional moving object segmentation method, the convolutional neural network (CNN) based methods show a great advantage in terms of performance, which benefits from the data-driven feature extractor and classifier. Even on the PTZ camera challenge, some CNN-based methods [12,13] still get far higher F-Measure on the PTZ category of CDnet2014 dataset than other traditional methods. However, as these CNN-based methods are supervised, they face the trade-off between accuracy and generalization ability. For example, the performance of FgSegNet [12] drops greatly on unseen videos, although it reaches human-level performance on seen videos. For one method, the unseen videos are the videos whose background and foreground objects have never used in the setup stage of the method. To pursue the generalization ability, the universal DFFnetSeg [14] is proposed for the sudden scene change challenge, whereas it is not robust to the continuous scene change situation which is common in PTZ camera video.
Inspired by the unsupervised homography estimator model [15], we propose a deep features homography transformation and fusion network for foreground segmentation (HTFnetSeg) to tackle the PTZ camera challenge, which can both offset the camera motion by homography transformation and take the advantage of the generality of DFFnetSeg. In detail, the differentiable Tensor Direct Linear Transform (TDLT) layer and Spatial Transformation (ST) layer proposed in [15] enable the homography estimator to be trained in an unsupervised manner, which avoids the demand for the time-consuming manual ground truth labelling. In many cases, the homography ground truth is not available from the surveillance videos, so the unsupervised manner also extends the usage field of this homography estimator. However, when the most parts in the centre region of one image are covered by the foreground (which is common in surveillance videos), the network in [15] might align the image based on the foreground motion instead of the background motion, since it crops the centre regions of two images as its input patches. As our deep features homography transformation and fusion network (HTFnet) aims to align the deep feature inputs of fusion network (FusionNet) to adapt it to the moving surveillance camera challenge, the homography estimation part of it is demanded to be robust to the occlusion of large foreground objects. Therefore, a semantic attention mask, based on a semantic segmentation network PSPNet, is proposed to pre-process the input pair and modify the loss function of the homography regression model. The input pair in our homography estimator consists of two original frames without cropping, so, to further deal with the black boundary of the warped image, the masked loss function combining with a constraint element is proposed, which enables the input pair to well replace the cropping strategy in [15] with the benefit of a bigger receipt field. The deep features generated during the semantic attention mask generation step are reused inside the spatial transformed deep features fusion network (STDFFnet), which aligns the deep features by spatial transformation layer to predict the foreground mask by the FusionNet, in order to reduce the computing complexity. Finally, the key post-processing step designed for semantic noise restraint in DFFnetSeg method is modified to adapt to the PTZ camera challenge. Specifically, a relatively conservative strategy for region-based motion map generation is proposed comparing with the original version proposed in [14], as the alignment deviation exists in the aligned images. This deviation could be overcome during the FusionNet stage, but, during the post-process stage, the greedy motion map that is proposed in DFFnetSeg is too sensitive to the deviation, because it just activates one location depending on a very weak hint of motion. Therefore, in HTFnetSeg, the motion map is modified to demand a stronger hint to activate its pixel location to tackle the noise brought by the alignment deviation.
The contributions of this paper are three folds:
  • A semantic attention based homography estimator is proposed to reduce the foreground object noise to the image alignment. The semantic attention masked inputs enable the regression network to receive fewer foreground objects than original images and the masked loss function is also combined to focus on backpropagating the gradient from the “background region” defined by the semantic prediction. Two additional elements are also proposed for the loss function to enhance the model to converge stably and evenly during training.
  • A spatial transformed deep features fusion network (STDFFnet) is proposed to estimate the foreground mask based on features comparison. It warps the deep features as the input of FusionNet instead of just warping the images as the input of the feature extractor in DFFnet. This deep features warping strategy can reduce the calculation load of our method by enabling the reuse of the features generated during homography estimation stage.
  • A conservative strategy for region-based motion map generation is proposed to enable our post-processing step to be robust to the camera motion by demanding the stronger motion hint than the corresponding in DFFnetSeg method. The region-based motion map generation step acts as the post-processing step to reduce the false positives that are caused by the semantic noise.
The paper is structured, as follows. In Section 2, the related works are discussed. In Section 3, the HTFnetSeg method is presented in detail. In Section 4, the experimental settings including the implementation detail of parameters training and hyper-parameters settings are introduced. In Section 5, the results of our method on two public datasets are compared with state-of-the-art methods quantitively and qualitatively. In Section 6, the relevant inferences that are obtained from the development are discussed. In Section 7, the HTFnetSeg method is concluded and the future work is discussed.

2. Related Work

These years, a trend shows that the attention of surveillance video analysis tasks is moving from the stationary cameras to moving cameras such as widely used PTZ cameras. The foreground segmentation method also follows this trend. Besides, the convolutional neural network based methods that take advantage of data-driven feature extraction have shown great success in computer vision tasks. Therefore, since 2016, increasing CNN-based background subtraction methods have been proposed and have shown a great breakthrough in this field. However, similar to the trend of traditional methods, more efforts of deep learning methods tend to be paid for the moving camera challenge these days.
In terms of the traditional methods, the foreground extraction methods that are designed for stationary cameras commonly consist of three main parts: background model design and initialization, the comparison between the current frame and background model, and background model maintenance. The competitive methods include Gaussian mixture model (GMM) based [16], sample-based [5], and codebook based [17] methods. They are designed to tackle different traditional challenges such as hard shadow, illumination change, dynamic background, and camera jitter, but their applications are limited by the assumption that the camera is stationary. Among them, many sample-based methods normally keep about 50 different samples as the background model, which enables them to be robust to the background changing in a certain range, and as in PAWCS [5], a feedback control scheme is proposed based on the background dynamics, which further makes PAWCS robust to background change, especially when the background in the background model appears in the current frame again. SWCD [18] tried to deal with the PTZ camera challenge by the background model updating strategy who detects the scene change based on histogram equalization and Sobel operator. In addition to the background maintenance strategies of methods that may be robust to the PTZ camera challenge to some degree, the panoramic image construction technique is widely used [6,19,20], because, after generating the panoramic image and registering the observed frames, the static scene background subtraction methods can be directly modified to the PTZ camera background subtraction. For example, [20] constructs a panoramic frame by SIFT features [21] and Random Sample Consensus (RANSAC) [22] technique before modelling it by Gaussian probability density function, and the foreground is detected after registering the observed frames to its panoramic Gaussian mixture model (PGMM). However, panorama-based approaches tend to suffer from the error accumulation that is caused by stitching error. Besides, when the field of view (FOV) of a PTZ camera is large, a considerable amount of memory is needed for storing the big panoramic image and the searching space of feature matching for image registration is also large. To overcome this drawback, a compensation-based approach is proposed for moving cameras by finding a transformation matrix that indicates the displacements of two consecutive frames that are caused by the camera movement. Typically, the scene conditional background update moving object detection method (SCBU) [23] defines three scene condition variables: background motion, foreground motion and illumination changes as the evidence for background warping and update, respectively, in which the Kanade–Lucas–Tomasi Feature Tracker (KLT) and RANSAC are used for detecting and matching motion. In addition to the background model based methods that compare the reference frame with the current frame, the trajectory-based methods [24] are proposed on the trajectories over up to t frames. After the trajectory clustering, MLBS [24] uses the Kernal density Estimation (KDE) method on the appearance model to infer the probability map and generate the final pixel-wise segmentation based on Graph-cut technique.
Recently, the CNN-based methods are widely researched because of their high-quality performance and data-driven features. The first CNN-based background subtraction method [25] was proposed in 2016, which provided a new frames comparison method based on a convolutional neural network whose architecture is similar to LeNet-5. Based on this work, many deep learning moving object segmentation methods spring out and surpass the traditional methods with a great gap (around 20% in terms of F-Measure), as shown on the benchmark website provided by CDnet2014 [26]. However, the background model based methods, like [25,27], show a great drawback on PTZ camera challenge, because even with a powerful classifier, the networks are still hard to get a good result without the matched reference frame or background model. To avoid the reference frame matching problem, the foreground segmentation methods [12,13] are designed to segment the foreground object based only on a single frame other than the comparison, which obtains high-quality results and is robust to various challenges. For example, FgSegNet [12] and its variants occupy first several entries on CDnet2014 with F-Measure around 0.98, even in the PTZ camera challenge where the F-Measure of DeepBS [27] drops by 43% when compared with its average performance over 11 different challenges. FgSegNet is constructed in an encoder-decoder manner, with triplet VGG-16 as the encoder and a transposed CNN as the decoder, but its good performance highly relies on the training data: 200 frames selected randomly from the same videos as test videos by focusing more on the frames that contain some foreground objects. It means when FgSegNet is tried to be implemented on an installed camera, the frames with foreground objects are demanded to be captured and labelled in pixel-wise as training data to achieve its human-level performance. However, this condition cannot always be fulfilled. To avoid the demand for the pixel-wise label from unseen videos, a reconstruction-based CNN method [28] is proposed to construct the reference image patch by the image-completion network (ICNET), which can fill in the masked centre region of the input patch by reconstruction. The change detection network (CDNET) in [28] is a general model for comparing the difference between the input patches, whereas when ICNET-CDNET needs to be applied to a new scene, the ICNET needs to be trained on the background patches from the new scene to get proper performance. When comparing with FgSegNet, the advantage of background patches demanded in [28] is that the background frames are relatively easier to pick than the pixel-wise label. However, the demand for background patches indicates that the ICNET is still not general enough.
To deal with the dependence of supervised methods on the training data, transferring the pre-trained model from other tasks can enhance the generality ability of CNNs. The semantic features extracted by the pre-trained PSPNet [29] are successfully used as the evidence for comparing, as shown in DFFnetSeg [14]. With the help of the deep features trained on the semantic segmentation task, the fusion network shows its generality to the unseen videos and robustness to the dynamic noise and ghost problem. DFFnetSeg can also adapt to the sudden scene change fastly by combining with a scene change detector based background update strategy, whereas this strategy is not enough for the continuous scene change and PTZ camera challenge. Similar to the solution for the PTZ camera challenge in traditional methods, the reference frame alignment based foreground segmentation methods are proposed. A CNN-based change detection method [30] that is designed for Unmanned Aerial Vehicle (UAV) ultilizes the ORB [31] and descriptor matcher algorithm to align the camera motion caused by the lack of GPS precision or weather variantions. Besides, the CNN-based homography estimation networks are also proposed in both the supervised manner [32] and the unsupervised [15] manner, with more stable image alignment performance when comparing with the traditional SIFT and ORB features based methods. The stable unsupervised homography estimator [15] provides an ideal reference frame alignment method to combine with the DFFnetSeg for pursuing a general foreground segmentation network under the PTZ camera challenge. However, the real-world application of the unsupervised homography estimator [15] focuses more on the UAV and does not consider the foreground influence on the alignment. Therefore, in this paper, a semantic attention mask is proposed to deal with the foreground influence, as the large scale foregrounds appear very frequently in surveillance videos and may cause the wrong prediction of homography matrices. Based on the generality of the foreground segmentation method DFFnetSeg and the unsupervised manner of the homography estimator [15], a deep features homography transformation and fusion network based foreground segmentation method (HTFnetSeg) is proposed to robustly process the unseen videos with PTZ cameras.

3. Methodology

Let us denote the t-th RGB frame in a T frames video by F ( t ) R h × w × 3 , t [ 1 , T ] , where h and w are height and width, respectively. The HTFnetSeg aims to produce a foreground mask M ( t ) { 0 , 1 } h × w , where 0 denotes the background pixel and 1 denotes the foreground pixel, from the input group which is composed of the current frame F ( t ) , the previous frames F ( t k 1 ) , and F ( t k 2 ) .
The HTFnetSeg method consists of four parts, as shown in Figure 1: a feature extractor, a homography extractor, a spatial transformed deep features fusion network (STDFFnet) and a region-based motion map generator.
In detail, the first part is a pre-trained semantic segmentation network PSPNet to extract four deep levels features F l ( F ( · ) ) , l [ 1 , 4 ] from the single frame F ( · ) . The deepest semantic feature maps denoted by F 4 ( F ( · ) ) act as the input for semantic attention layer in a homography estimator to generate the semantic attention mask and the rest act as the input for STDFFnet to generate the foreground mask.
The second part is a homography extractor that could generate the homography matrix H 12 = H ( I 1 , I 2 , F 4 ( I 1 ) , F 4 ( I 2 ) ) , which could warp the pixel coordinates of image I 1 to that of image I 2 . To adapt the unsupervised deep homography estimation model [15] to the PTZ camera foreground segmentation problem, the semantic attention mask is introduced to both the input and the loss function of the original homography estimation model to both reduce the noise that is brought by moving objects and reserve its advantage of unsupervised manner, which can avoid the demand for extra human labelled ground truth. Besides, a mask constraint is proposed for the loss function to avoid the influence of the black boundaries in the warped image.
The third part is a spatial transformed deep features fusion network (STDFFnet), which utilizes the spatial transformation technique [15] to align the input entries of the FusionNet [14] to fulfil its basic assumption that the current frame, previous frame and reference frame share the same scene. The homography matrices extracted between two previous frames and current frame are used to warp the previous frames and the deep features extracted from them to the current frame plane, respectively. Subsequently, the warped frames and features together with the current frame and its features are fed to the FusionNet to generate the predicted foreground mask. Combining the spatial transformation with DFFnet can both tackle the weakness of DFFnet to continuous changing background and benefit from the generality of DFFnet.
The final part is a region-based motion map generator, a post-process step, which is similar to the one in DFFnetSeg method [14] whose function is to eliminate the false positives that are caused by the semantic noise. The semantic noise means that the semantic hint of some regions leads to the misclassification of foreground, because these regions have a high possibility of motion in terms of their semantic classes. The region-level comparison among the input group of frames is also adapted to get the potential motion region, but, different from the corresponding in the DFFnetSeg method, the region-based motion map generator here is based on a conservative strategy. It is because the unavoidable alignment deviation makes the motion map noisy and the conservative strategy is more robust to this noise.
These four parts are discussed in detail as follows.

3.1. Feature Extractor

The semantic information acts as an important element for moving object segmentation, as shown in the state-of-the-art moving object segmentation methods [33,34]. In the homography transformation based foreground segmentation methods, the transformed reference video frames are easy to have the deviation when comparing with its corresponding in the current frame plane. Therefore, when the foreground mask is extracted by comparing the reference frames with the current frame, the background regions with relative strong edges are easy to be classified as foreground. Besides, some boundary regions of the current frame cannot find the reference from the previous frames because they may newly appear. In this case, these regions lack the evidence to make the classification decision. Sometimes, even when the reference frames are well aligned without any deviation, the camouflage problem might appear if the foreground object shares a similar colour and intensity with the background region. However, these problems are easy to be tackled if the semantic information are available in the potential moving region. For example, if a “building region” is classified as foreground, then it is easy to be removed based on its semantic feature “building” and, if a “human region” is partly activated, then it is easy to activate all region of this person based on its semantic mask. Therefore, the semantic information extracted by a CNN-based semantic segmentation method PSPNet is used in this paper, but, different from [29], who sets a hard rule to combine the semantic information with foreground mask predictions, the semantic information from the feature extractor is utilized by constructing the semantic attention layer and fusion network.
Specifically, during the homography estimation stage, the correct frame transformation demands that the homography estimator emphasises on the background region because the foreground objects always have different motion type with the camera. The background region can be roughly extracted only based on the semantic information by the semantic attention layer with the deep semantic features as input. Besides, as the FusionNet in STDFFnet demands the usage of the deep features as well, our HTFnetSeg method utilizes a semantic segmentation network, PSPNet, as the feature extractor to extract feature maps for homography estimator and STDFFnet at same time. STDFFnet can be regarded as an extended version of DFFnet for the PTZ camera challenge. Thus, for the STDFFnet part, the feature maps are chosen from the PSPNet in the same way as DFFnet [14], while, for a homography estimator, a deeper layer is chosen to constrain it to only use pure semantic information, as detailed in Section 3.2.
Same as [14], the PSPNet is trained on ADE20K dataset [35,36] without fine-tuning to avoid overfitting. It is because the semantic classes in ADE20K are enough for most surveillance videos and their image domains are also similar. In terms of the architecture, as w is 320 and h is 240 in HTFnetSeg, the architecture parameters of PSPNet are slightly modified, as shown in Table 1, and its detailed connection is shown in [29]. Batch normalizations are applied after each convolutional layer and the activation function is ReLU.

3.2. Homography Estimator

To take advantage of the auto feature extraction property of data-driven methods and to avoid the costly ground-truth labelling, the unsupervised deep network is an ideal model for homography estimation. Inspired by a fast and robust homography estimation model [15], a semantic attention based deep homography estimator, denoted by H ( · ) , is proposed to extract the homography matrix, denoted by H 12 = H ( I 1 , I 2 , F 4 ( I 1 ) , F 4 ( I 2 ) ) , when the paired input images are denoted by I 1 and I 2 , where F 4 ( · ) denotes the output of C O N V 6 shown in Table 1. The whole architecture of it is proposed in Figure 2. In detail, it consists of three main parts: the semantic attention layer, the regression model, and a differentiable Tensor Direct Linear Transform (TDLT).
The semantic attention layer is a convolutional layer with kernel size 1 × 1 and two maps followed by a bilinear upsampling layer, which resizes the semantic attention mask to the size of original images. After that, a softmax function is used to distinct the attention region denoted by the class label 1. This layer aims to roughly remove the foreground objects from the input images based on the semantic information. The weights in this layer have the shape of ( 1 , 1 , 150 , 2 ) , which means that the value of each output neuron is the weighted sum of the 150 semantic predictions from the previous layer. The raw output of the PSPNet is 150 classes, including building, car, water, and so on (details in ADE20k dataset). Obviously, the classes, like “building” and “water”, tend to be regarded as background, which should get higher weights to activate higher values on the neurons denoting the background. However, instead of manually generating a subset of semantically relevant foreground classes, like [34], the semantic attention layer is trained to activate the background region by minimizing the cross-entropy function,
L m = 1 h w i = 1 h w [ p i log p ^ i + ( 1 p i ) log ( 1 p ^ i ) ] ,
where p i is the ground truth label and p ^ i is the output of the prediction at pixel location i. After training, the parameters of the semantic attention layer will be frozen for the following training of the regression model. The PSPNet, together with the semantic attention layer, is regarded as an attention mask generator that is denoted by M ( · ) R h × w .
In terms of the regression model, following the trend of [15], the VGGNet backbone (details in Table 2) is used to regress the offset of keypoints, where the keypoints is the four corners c 4 p t Z 8 × 1 of the input image. To prepare the input of the regression model, the greyscale of the original image, denoted as G ( · ) , is extracted. Subsequently, given the greyscale image G ( I t ) and the attention mask M ( I t ) , the corresponding masked image denoted as Im t is obtained by:
Im t = G ( I t ) M ( I t ) ,
where t { 1 , 2 } and ⊙ denote the element-wise multiply. Im 1 and Im 2 are concatenated as the input of the regression model to obtain the offset Δ c 4 p t of the four corners c 4 p t in I 1 . Therefore, in the plane of I 2 , the corresponding keypoints c ^ 4 p t of c 4 p t is defined as:
c ^ 4 p t = c 4 p t + Δ c 4 p t .
After regression, a differentiable Tensor Direct Linear Transform (TDLT) layer is applied, as proposed in [15], to solve for the homography matrix H 12 R 3 × 3 given a set of four 2D points correspondences, c 4 p t and c ^ 4 p t , between the plane of I 1 and I 2 . In this TDLT layer, the last elemant of H 12 is assumped to be 1. The first 8 elements in H 12 , denoted by h, is calculated by solving the function:
A h = [ A 1 , A 2 , A 3 , A 4 ] T h = [ b 1 , b 2 , b 3 , b 4 ] T ,
where given denotation c 4 p t = [ x 1 , x 2 , x 3 , x 4 ] T , x i = ( u i , v i ) , c ^ 4 p t = [ x ^ 1 , x ^ 2 , x ^ 3 , x ^ 4 ] T , x ^ i = ( u ^ i , v ^ i ) , the matrix A i is defined as:
A i = 0 0 0 u i v i 1 v ^ i u i v ^ i v i u i v i 1 0 0 0 u ^ i u i u ^ i v i T ,
and vector b i is defined as:
b i = [ v ^ i , u ^ i ] .
Based on Equation (4), H 12 can be solved for using A + , the pseudo-inverse of A .
For generally supervised homography estimator, L 1 or L 2 loss between homography matrix ground truth and its prediction may be chosen as the loss function for the regression model of homography estimator. However, as the homography matrix ground truth is hard to be labelled, even by human and in most circumstances, the homography matrix ground truth is not available in change detection datasets. Therefore, an unsupervised homography estimator seems to be a better choice for the PTZ camera foreground segmentation task. To fulfil the unsupervised training [15], proposed a loss function by comparing the difference between the warped frame with the target frame. Similarly, our loss function is also based on the comparison of the warped frame and target frame, but, to avoid the influence of the foreground objects motion on the offset prediction, a masked loss function that is based on the semantic attention mask is further proposed to only backpropagate the loss belonging to the attention region. That is:
L h _ m ( I 1 , I 2 ) = i [ M ^ ( I 1 ) M ( I 2 ) a b s ( G ^ ( I 1 ) G ( I 2 ) ) ] i [ M ^ ( I 1 ) M ( I 2 ) ] i [ M ^ ( I 1 ) M ( I 2 ) ] 0 0 o t h e r w i s e ,
where G ^ ( I 1 ) and M ^ ( I 1 ) are the warped G ( I 1 ) and M ( I 1 ) by the transformation matrix H 12 , and the a b s ( · ) denotes an element-wise absolute value function. Images are warped by a differentiable spatial transformation layer [15] which is based on the two-dimensional (2D) coordinate transformation with bilinear interpolation to enable the training of networks. In addition to focusing on the background region, the loss function can also avoid the influence of the black boundaries of the warped image. In homography estimation networks like [15], they crop the centre of the images as the network input patches and also crop the centre of the warped image to calculate the loss function to avoid the black boundaries in the warped image, but this strategy might cause the wrong prediction in two circumstances: one is when a big foreground object appears in the centre of a surveillance scene and the other is when the black boundaries appear in the cropped region of the warped image because of the large scale scene motion. Benefiting from the masked loss function, our method do not need to crop the images, which enable our method to be robust to those two circumstances, because the foreground objects have a quite lower possibility to cover the most parts of a scene than of the centre region in the scene.
However, when no activated location overlaps between M ^ ( I 1 ) and M ( I 2 ) , the masked loss function L h _ m ( I 1 , I 2 ) will be 0, which might lead the model converging to a wrong place. Therefore, a constraint element is proposed as
L h _ c ( I 1 , I 2 ) = i [ M ^ ( I 1 ) M ( I 2 ) ] ,
for the masked loss function to encourage the larger overlap of activated locations. Subsequently, the overall loss function for homography estimation network is defined as:
L h ( I 1 , I 2 ) = L h _ m ( I 1 , I 2 ) + L h _ m ( I 2 , I 1 ) + L h _ c ( I 1 , I 2 ) + L h _ c ( I 2 , I 1 ) + γ | H 12 H 21 I | ,
where as the corresponding for I 1 , G ^ ( I 2 ) and M ^ ( I 2 ) are the warped G ( I 2 ) and M ( I 2 ) by the transform matrix H 21 = H ( I 2 , I 1 , F 4 ( I 2 ) , F 4 ( I 1 ) ) in L h _ m ( I 2 , I 1 ) and L h _ c ( I 2 , I 1 ) . I R 3 × 3 is an identity matrix to restrict the H 12 to be the inverse of H 21 , which could enhance the stability of the homography prediction, where γ is used to control the strength of this restrict ( γ = 0.01 in our experiment). The parameters of the regression model in our semantic attention based homography estimator can be optimized by minimizing L h .

3.3. Spatial Transformed Deep Features Fusion Network

The deep feature fusion network (DFFnet) [14] has shown its robustness and generality for foreground segmentation tasks, but its performance relies on the assumption that the reference frame, previous frame and current frame are from the same scene. The DFFnet can tackle the sudden scene change by reference frame update strategy, but it has difficulty to deal with the continuous scene change situation. A spatial transformed deep features fusion network (STDFFnet) is proposed in order to both fully exploit the advantage of DFFnet and overcome its weakness on continuous scene change. Its inputs consist of the current frame F ( t ) , the previous frames F ( t k 1 ) , and F ( t k 2 ) , and the homography matrices H b a = H ( F ( t k 1 ) , F ( t ) , F 4 ( F ( t k 1 ) ) , F 4 ( F ( t ) ) ) and H c a = H ( F ( t k 2 ) , F ( t ) , F 4 ( F ( t k 2 ) ) , F 4 ( F ( t ) ) ) . Its architecture is shown in Figure 3. Specifically, the deep features are firstly extracted by PSPNet, being denoted by F l ( F ( · ) ) , l [ 1 , 3 ] corresponding to the output of C O N V 1.3 , C O N V 2.3 , and C O N V 5.4 layers of the PSPNet, respectively. The H b a and H c a are the estimation of the homography matrices, which can map the pixel coordinates of F ( t k 1 ) and F ( t k 2 ) plane to the corresponding of F ( t ) plane. As the deep convolutional neural network reserves the spatial distribution of the input image, and the coordinates are normalized to range [ 1 , 1 ] [15] in the spatial transformation layer, the homography matrices H b a and H c a can be used to map the 2D coordinates of each single feature map. Therefore, feature maps are directly transformed rather than being re-extracted from the warped image, because this strategy can reuse the features extracted during the attention mask generation step to reduce the computational complexity of HTFnetSeg. As the original frames are also regarded as a kind of features, here, for the unity of denotation, the original frames F ( · ) are denoted by F 0 ( F ( · ) ) . Subsequently, the transformed features F ^ l ( F ( t k 1 ) ) and F ^ l ( F ( t k 2 ) ) , together with features of the current frame F l ( F ( t ) ) , where l [ 0 , 3 ] , act as the input set of the FusionNet, getting the foreground mask prediction M f n e t { 0 , 1 } h × w (where 1 denotes foreground) for frame F ( t ) . In STDFFnet, only the FusionNet part has parameters to be trained by the change detection data. The detail hyper-parameters of FusionNet is shown in Table 3, and, in FusionNet, the batch normalization layer is used after each convolutional layer and the ReLU activation function is used (see [14] for more implementation details of the FusionNet part).
The cross-entropy loss that is described in Equation (1) is a widely used loss function to optimize the classification model, whereas, in HTFnet, the regression model and the fusion network are aimed to be trained in an end-to-end manner, because, as a homography transformation based foreground segmentation network, the HTFnet demands the homography estimator to produce an applicable matrix H for foreground segmentation task. Thus, the union loss function is defined as:
L = α L m + L h ( F ( t k 1 ) , F ( t ) ) + L h ( F ( t k 2 ) , F ( t ) ) ,
where L m is the cross-entropy loss for training the mask M f n e t and α is used to balance the backpropagation from the loss function for mask prediction and homography matrix prediction. In our experiment, α is 100, which enables the L m to have the same order of magnitude as L h and to be slightly higher than L h to pay more attention to optimizing the mask prediction loss, because, during the experiment, the homography estimator is first pre-trained by Equation (9) before end-to-end training and only need to be fine-tuned during this stage.

3.4. Region-Based Motion Map

The fusion network is easy to get the false-positive classification, which suffers from the semantic noise, as mentioned in DFFnetSeg [14]. Therefore, a region-based motion map is proposed to reduce the influence of the semantic noise. However, in the PTZ camera video, the scene which may keep changing is more dynamic than the situation the DFFnetSeg designed for. The motion map generated by the greedy strategy proposed in [14] may activate a large amount of static regions, which is caused by the deviation of the frame alignment. Although, as shown in [15], the unsupervised homography estimation method can outperform the traditional methods, such as Scale Invariant Feature Transform (SIFT) and enhanced correlation coefficient (ECC), the deviation might still exist between the current frame and the transformed frames, especially near the edges. A conservative strategy is proposed to extract a region-based motion map from the input group consisting of the current frame F ( t ) and the warped previous frames F ^ ( t k 1 ) and F ^ ( t k 2 ) to reduce the effect of this deviation on the region-based motion map.
In detail, given denotation F ( t ) , F ^ ( t k 1 ) and F ^ ( t k 2 ) , the pixel level difference maps D 1 and D 2 are defined by:
D 1 i , j = 1 i f k , | F i , j , k ( t ) F ^ i , j , k ( t k 1 ) | > θ , w h e r e ( i , j ) B 1 0 o t h e r w i s e , D 2 i , j = 1 i f k , | F i , j , k ( t ) F ^ i , j , k ( t k 2 ) | > θ , w h e r e ( i , j ) B 2 0 o t h e r w i s e ,
where ( i , j ) denotes the location of one pixel. k denotes the colour channel. B 1 and B 2 are the sets of 2D coordinates of the black boundary regions in the warped frames F ^ ( t k 1 ) and F ^ ( t k 2 ) , respectively. The black boundaries are caused by the situation that the corresponding 2D coordinates in the warped image are outside the original image boundaries. A location is activated when a recognized difference exists in any colour channel, which can be more robust to camouflage problem than only considering the grey intensity. To reduce the noise that is caused by the edge deviation, the erosion and dilation techniques are used to post-process the D 1 and D 2 , with a 5 × 5 disk-shaped kernel. To further reduce the influence of deviation of the alignment, the pixel level motion map M p i x is generated in a relatively conservative strategy, which is defined as:
M i , j p i x = 1 i f D 1 i , j = 1 a n d D 2 i , j = 1 0 o t h e r w i s e .
Thus, one location is only activated when a strong hint of motion is indicated by the difference maps. However, this strategy might result in the holes in the motion region, which are caused by the foreground overlapping. The region block can well fill in these holes depending on activation situation of the neighbours as in [14]. The implementation details is that the whole motion map is divided into regions with size N × N without overlapping (the boundaries are padded to be valid), denoted by M k M p i x (with k M k = M p i x ). Subsequently, the region-based map M r e g is obtained according to the quantity of motion in each region, as follows:
M Ψ k r e g = 1 if ( i , j ) Ψ k M i , j p i x > β 0 otherwise , with Ψ k = { ( i , j ) | M i , j p i x M k } .
One region block of the map M r e g is activated when the quantity of motion in that specific region is larger than β.
Given the region-based motion map M r e g , the final foreground prediction M ( t ) is defined by:
M i , j ( t ) = 1 if M i , j r e g = 1 and M i , j f n e t = 1 0 otherwise .
Figure 4 shows a sample of the post processing effect. As shown in the figure, in the raw output of the fusion network, the regions with the cars are quite noisy, because cars have a high possibility to be foreground in terms of semantic information, but, in the current frame, the cars are parked there. Therefore, the region-based motion map is used to enhance the motion hint for the final decision. As the greedy motion map generation strategy proposed in [14] is designed for relatively static scenes, the greedy motion maps are not clean enough to eliminate the false positive regions of fusion network prediction for PTZ camera videos. The conservative motion map is still not perfectly clean, with some false positives being caused by alignment deviation, but it seems good enough to remove the false positive regions in the output of the FusionNet, as the FusionNet is robust to the reference frame alignment deviation in the regions who semantically have the low possibility to be foreground, as shown in the Figure 4. Therefore, the combination of the region-based motion map and FusionNet can overcome the drawback of each other.

4. Experimental Setting

4.1. Dataset

The performance of our HTFnetSeg method is evaluated by PTZ camera related video sequences in two dataset CDnet2014 [26] and LASIESTA [37].
The CDnet2014 dataset is the largest change detection benchmark, including 53 video sequences categorized to 11 challenges. However, most of the videos are captured by stationary cameras. As the HTFnetSeg method aims to deal with the continue or intermittent panning, tilting, zooming camera situation, the videos “continuousPan”, “intermittentPan”, and “zoomInZoomOut” are chosen from the PTZ camera category of CDnet2014 to test our method. Additionally, the selected videos from other categories are used to train the homography estimator and the fusion network of the HTFnetSeg method. The selection of videos is same as [14]. For each video sequence, CDnet2014 provides the pixel-level ground truth for a subset of it, so only the labelled frames are included in the training and testing set in this experiment.
Besides, seven objective evaluation metrics are provided by CDnet2014 to evaluate the performance of algorithms quantitatively. Here, the three most popular metrics are chosen for this experiment:
  • Recall (R): TP / (TP + FN).
  • Precision (P): TP / (TP + FP).
  • F-Measure (F): (2 * Precision * Recall) / (Precision + Recall).
The LASIESTA dataset provides 17 real indoor and 22 outdoor sequences organized in 12 categories, where all of the videos related to PTZ camera moving are chosen as the testing set of this experiment and no other sequence is chosen for training, because the sequences chosen from CDnet2014 are various enough to train a general model. In detail, the chosen videos are “I_MC_01”, “I_SM_01”, “I_SM_02”, “I_SM_03”, “O_MC_01”, “O_SM_01”, “O_SM_02”, and “O_SM_03” belonging to moving camera (MC) and simulated motion (SM) categories, respectively. “I_SM_01”, “I_SM_02” and “I_SM_03” are videos recorded in an indoor scene with the low, medium, and high strength of camera panning, respectively. “O_SM_01”, “O_SM_02”, and “O_SM_03” are videos recorded in an outdoor scene with the low, medium, and high strength of camera panning and tilting, respectively. As the pixel-level ground truth is available for all of the frames in LASIESTA, the whole sequences for chosen videos are used.

4.2. Training and Testing Set

Many state-of-the-art CNN-based change detection algorithms choose 50% to 80% or fixed number (i.e., 50, 100) frames from each single video sequence as the training set, with the rest frames from these sequences as the testing set. This separation cannot test the generality of methods for unseen scenes and objects, because the same background scenes and foreground objects may coexist in both the training and testing set. To tackle this drawback, in this experiment, the training set and the testing set are generated in a way that enables that no same background scenes and foreground objects coexist in both the training and testing sets.
Only the chosen videos in CDnet2014 are used as the training set, as mentioned in Section 4.1. The training videos chosen from CDnet2014 are same as the experiment in [14]. However, they are all captured by the stationary cameras, so, to train the neural network for PTZ cameras, they are augmented by the homography transformation technique to simulate the panning, tilting, and zooming camera videos, respectively. In each augmented video, 50 groups of frames with the interval ( k 1 , k 2 ) { ( 5 , 10 ) , ( 10 , 20 ) , ( 20 , 40 ) , ( 40 , 80 ) } are randomly chosen to enable the trained model to adapt to the various scales of camera motion, as under most camera moving circumstances, the larger the interval is, the smaller the overlap of two scenes is.
For testing, 13 videos are chosen from two datasets and they are classified into three categories based on the motion pattern of cameras, including panning (Pan), panning and tilting (P&T), and zooming in and zooming out (Zoom). The categories and chosen frame indices details are shown in Table 4. The ( k 1 , k 2 ) is set to ( 5 , 10 ) during testing.

4.3. Compared Methods

To evaluate the accuracy of HTFnetSeg method, is compared with the following state-of-the-art algorithms:
  • PAWCS [5] and SWCD [18], the high-rank traditional background subtraction methods on CDnet2014 in terms of the PTZ camera category with source code opened to the public,
  • SCBU [23], a traditional moving object detection method designed for a moving camera whose binary executable file is available online,
  • MLBS [24], a background subtraction method for freely moving cameras based on motion trajectories clustering with source code opened to the public
  • FgSegNet [12], the top CNN-based foreground segmentation method on CDnet2014 with source code opened to the public, and
  • ICNET-CDNET [28], the deep change detection algorithm based on the collaboration of an image completion network and a change detection network,
on the dataset mentioned above. To ensure a fair comparison between the supervised models, all of the supervised models in this experiment are trained on the same data, the training set described in Section 4.2. Besides, the hyper-parameters of both supervised methods and traditional methods are the same as the ones that are described in the source code and papers. The pre-trained model is also implemented to initialize the model parameters according to the original paper.

4.4. Implementation Details

This experiment is implemented based on TensorFlow framework on a single NVIDIA GeForce GTX 1080ti GPU. In this experiment, the HTFnet is trained end-to-end by Equation (10) based on the labelled change detection data, after a series of pre-training. Specifically, the feature extractor PSPNet is pre-trained on ADE20K as in [29] and no parameter inside the PSPNet is fine-tuned after that. As the regression model in homography estimator depends on a good semantic attention mask generator, the semantic attention layer is trained with 24 epochs by the labelled change detection data in the training set (where the background regions in ground truth masks are set to be class 1 and others are 0), which enables the layer to learn to decide whether to pay attention to a region or not only based on the semantic information of a single frame. After that, the parameters of the semantic attention layer are frozen during the training of the HTFnet, because their job is to produce an attention mask that can tolerate the wrong classification to roughly remove objects who have the possibility to move. The reference frame features of the FusionNet are supposed to be the spatial transformed features matching to the current frame plane, which demands that the proper homography matrices are available. The regression model in homography estimator is first trained by minimizing the corresponding loss L h with 54 epochs in order to enable the parameters of the fusion network to converge stably. Subsequently, the whole HTFnet is trained by minimizing the loss function L with six epochs, which optimizes the fusion network and fine-tunes the homography estimation at the same time. As the preprocessing, the size of frames are standardized to 240 × 320 and the frames are normalized by subtracting by the mean. It is worth noting that the stride of C O N V 1.1 in the pre-trained PSPNet is changed, but it still does not need fine-tuning because the CNN-based model is robust to the scale change. During training, the initial learning rate is 5 × 10 5 and the RMSProp is used for optimization.
In order to assess the HTFnetSeg for the parameters θ, N and β in region-based motion map stage mentioned in Section 3.4, the foreground masks generated from FusionNet are post-processed by the motion maps using each combination of θ { 20 , 50 , 80 , 110 } , N { 8 , 16 , 32 , 64 } , and β { 5 , 10 , 20 , 40 } . These three parameters of HTFnetSeg method provide enough flexibility to boost the foreground mask for various motion pattern in video sequences. The raw output of the fusion network mentioned in Section 3.3 is with average F-Measure 0.7349. When the motion map generator that is mentioned in [14] is used, the best result is 0.7796 with ( θ , N , β ) = ( 50 , 32 , 40 ) . However, when the conservative strategy mentioned in Section 3.4 is used, the region-based motion map achieves a better boost effect whose corresponding F-Measure is 0.8135, with ( θ , N , β ) = ( 20 , 64 , 10 ) . From the corresponding parameters for the best F-Measure, it is noticed that the conservative strategy demands the relatively loose parameters and vice versa. For example, in our conservative strategy, a pixel is regarded as moving when the difference is bigger than 20, whereas it would be better to be more than 50 when using the motion map generator in [14], which shows the trade-off between the strictness of the strategy and parameter values. The results show that the conservative strategy is more applicable to the PTZ camera situation under this HTFnetSeg architecture and the same conclusion can also be obtained from Figure 4. In detail, when the three parameters are in the range shown in Table 5, the region-based motion map can improve the final foreground mask to a different degree. The table shows that θ = 110 is too large to detect the motion and θ = 20 seems to be more guaranteed, because, when θ = 20 , almost all of the combinations of the N and β boost the final results, except for ( 8 , 40 ) .

5. Results

5.1. Comparison

The performance is compared among methods on the testing data quantitatively and qualitatively. The parameter setting is as described in Section 4, where ( θ , N , β ) = ( 20 , 64 , 10 ) .
From the perspective of quantitative evaluation, precision, recall, and F-Measure are used. According to the definition of these metrics, the precision pays greater attention to indicate the false positives, the recall pays more attention to indicate the false negatives, and the F-Measure considers both of these two factors. The “Mean” values in Table 6 denote the average values over all of the test videos. Our method almost achieves the best performance in all categories and evaluation metrics, except for the precision of P&T category, as shown in Table 6. In detail, the F-Measure values of HTFnetSeg are 40.59%, 4.43%, and 56.53% greater than the second best results in Pan, P&T, and Zoom categories, respectively. The overall F-Measure is also 30.67% higher than the second one. The SCBU and MLBS methods obtain the higher precision than HTFnetSeg in the P&T category, but their F-Measure is lower than ours because their recall is quite low, which means that these methods suffer greatly from the false-negative classification. In terms of traditional methods, the background update based method SCBU and the motion trajectories based MLBS outperform other traditional methods. Additionally, in terms of the supervised deep learning method, the single image based FgSegNet performs better than the ICNET-CDNET. The free-moving camera change detection method ICNET-CDNET seems to perform abnormally on the testing videos, with quite low metrics values. It is not because the ICNET-CDNET is not suitable for these videos but because this experiment aims to test the performance of methods on unseen videos and the ICNET has difficulty in reconstructing the background for one video if no background frame in that video is used for training. Therefore, the poor performance of ICNET-CDNET here shows its weakness in generality. The evaluation metrics for the Zoom category of MLBS method are not available, because the experiment shows that the MLBS method only produces negative results for all of the pixel locations in the frames from the “zoomInZoomOut” video, which causes both TP and FP are 0. This might be because the motion pattern of zooming is hard to be clustered based on the difference between trajectories in motion and spatial location. Therefore, although MLBS achieves the competitive result when comparing with other methods, it is still not general enough for different motion patterns.
The qualitative details are shown in the sampled visualization Figure 5, where one frame from each sequence is chosen. The HTFnetSeg almost outperforms others in all samples, except getting the similar results with the MLBS in Figure 5b,g,h, as shown in the figure. The result in Figure 5f shows that, when the background and the foreground share a quite similar colour, our difference based method is still affected by the camouflage problem (there is a misclassification region on the shank), but, as shown in Figure 5j, the robustness of our method to the camouflage problem is higher than most of the methods. In contrast, FgSegNet is not influenced by the camouflage problem, because it generates the foreground mask only based on a single frame other than the comparison. Therefore, it detects the foreground object highly depending on the appearance of the object, which might cause the false positives, such as the parked cars in Figure 5g, which is extracted because cars have a high possibility to move when only considering one frame. Except for HTFnetSeg, the SCBU seems to obtain the best performance from the perspective of visualization, as it almost catches all of the moving objects with relatively less false positives and the main weakness of it is those missing foreground parts. MLBS shows its main drawback of instability, which shows better performance than SCBU in some sequences, but, in sequences like Figure 5a,f, it shows more false positives and, even in Figure 5k, it can not catch the foreground at all. The results of PAWCS here are not as good as the ones that are provided by the CDnet2014, because the results on the CDnet2014 used the additional frames for method initialization. The PAWCS might perform better if the background pixel value of the current frame is available in its background model, but, during this comparison experiment, to play fair, no additional data are used from the test videos to boost the performance. As the PAWCS and SWCD are not designed for moving camera and they are just more robust to the moving camera, when comparing with other static camera methods, the performance of them is worse than the other traditional change detection methods designed for moving cameras. Noticeably, the ICNET-CDNET performs even worse than PAWCS. As announced above, they need the background frames from the test scene to train the ICNET to generate a good reference frame, but the background frames are not available in this experiment, because the experiment aims to evaluate the generality of methods to unseen videos. Additionally, the prediction of ICNET-CDNET is block-based, which can deal with some noise at the cost of losing precision.
In conclusion, the HTFnetSeg method outperforms state-of-the-art methods by a great gap in both quantitative evaluation and qualitative evaluation.

5.2. Ablation Studies

In this subsection, a series of ablation tests are conducted by comparing the performance of the DFFnetSeg algorithm with our algorithm and also by testing the effect of adding motion map mask and fine-tuning homography estimator, respectively. It is worth noting that here that the homography estimator fine-tuning is used to further discover the ability of our HTFnetSeg and it is not used in the experiment described above. As shown in Table 7, our raw HTFnet can already outperform the DFFnetSeg by 14.97% in F-Measure, which shows that the proposed elements that are designed for the PTZ camera challenge can extend the ability of DFFnet to this challenge effectively. Additionally, the DFFnetSeg shows higher recall and lower precision than our algorithm, which illustrates that it easy to produce false-positive classification that is caused by the background change. In terms of the inner design of the HTFnetSeg, the F-Measure is improved by 7.86% when the motion map mask is conducted on original prediction of HTFnet with parameters ( θ , N , β ) = ( 20 , 64 , 10 ) and the improvement comes from the increase of precision by 12.42%, which corroborates that the motion map mask can greatly reduce the false-positive classification. Besides, the performance of HTFnet is attempted to be improved further by fine-tuning the homography estimator. Based on the characters of the different parts of the homography estimator, only the unsupervised regression model is fine-tuned in this step. Therefore, only 10 groups of frames are randomly chosen from each testing sequence with the parameters ( k 1 , k 2 ) = ( 5 , 10 ) to fine-tune the regression model in homography estimator. Even the frames in the testing set are used during the fine-tuning stage, but still, no human labelled data from the testing set are used. The main effect of fine-tuning is the increase of the precision by 5.98%, which benefits from the decrease of the false positives caused by the deviation of image alignment. After being further processed by the region-based motion map, the precision is also improved by 12.1%, which is similar to the effect of the motion map mask on the original prediction, 12.42%. It indicates the amount of semantic noise influence that could be eliminated by the motion map. When both fine-tuning and motion map steps are conducted, the precision increases 18.08% which boosts the F-Measure by 11.52%, with only recall reducing by 3.83%. The reason for the recall decrease is that, in some motion regions, the motion hint is too weak to catch by the motion map. Overall, the fine-tuning and motion map are both effective in boosting the final prediction and easy to conduct (no additional human label needed), which is worth being applied in the real-world situation.

6. Discussion

The primary purpose of this paper is to describe a novel deep learning based foreground segmentation method for the surveillance videos recorded by the PTZ cameras. As a deep learning based method, our HTFnetSeg demonstrates its advantage of high-quality performance when comparing with the state-of-the-art traditional methods, as shown in Table 6. The table also shows the better generality of the HTFnetSeg comparing with other deep learning based methods because the HTFnetSeg outperforms them when the test scenes and objects are unseen during the training stage. This advantage widens the usage field of the HTFnetSeg, because this testing condition is common in real-world usage. The design of the HTFnetSeg is motivated by overcoming the drawback of DFFnetSeg [14] on the PTZ camera challenge. Therefore, an unsupervised homography estimator is combined to align the reference frames without extra training labels. The comparison in Table 7 shows that the HTFnetSeg performs much better than DFFnetSeg under the PTZ camera challenge. These facts indicate that our method architecture and training strategy work effectively as they supposed to be.
The mechanism of our HTFnetSeg distinguishing the foreground from the background region is comparing the current frame with the reference frames. Different from other comparison-based methods [5,28], who assume that the reference frames are pure background with as few foregrounds as possible, our method tolerates the existent of foreground objects on the reference frames, but is under the assumption that the foreground objects moved during the current frame and the reference frames. In future work, the image completion network from [28] might be considered to improve the reference frame to further deal with the restrain brought by this assumption. It based on the following reason. As analysed in Section 5.1, ICNET in [28] does not work well on unseen videos, because no background frame in that video is used for training. However, if the background patches classified by our HTFnetSeg is used as the training set of ICNET, it is possible to enable it to reconstruct a good background reference.
An additional point to be discussed is that the black boundary would appear in the warped reference frames because of the background scene motion. In the comparison-based change detection method, the black boundary might cause a lack of evidence to make a decision in these specific regions. In this case, our method takes advantage of semantic information and spatial connection in the deep network, which can predict the foreground mask, even when some reference region is not available. For example, as shown in Figure 6, the region that is covered by blue illustrates that in our method when some part of the boundary region can not find the matched region in reference frames, the foreground mask in that region can still be predicted to some extent.
As can be observed in Table 6 and Figure 5, MLBS [24] is designed for freely moving camera and achieves the second-best mean F-Measure, but it fails to extract the foreground for the “zoomInZoomOut” video. It might be because MLBS is based on the motion trajectory clustering and for panning and tilting, the motion trajectories of background tend to be similar, but, for zooming, the background pixels may move apart from or toward a focus centre which causes the trajectories of background to be different and hard to be clustered. In contrast, the compensation-based method SCBU [23] is more robust on different camera motion pattern categories, because its projective transformation matrix could compensate the camera motion effectively. Therefore, for the PTZ camera challenge, the compensation-based methods seem to be more robust to its camera motion pattern. Similarly, our HTFnetSeg also benefits from compensating the camera motion by image alignment.

7. Conclusions

We propose an end-to-end foreground segmentation neural network HTFnetSeg for PTZ cameras, where the homography estimation network is combined with the deep feature fusion network to extend the application of the DFFnetSeg to a wider camera motion situation by conquering its weakness on the continuous moving camera situation. The semantic attention based homography estimator is proposed to reduce the influence of the foreground motion and provide the more stable homography matrices for reference frames alignment. The spatial transformed deep feature fusion network acts as the extended version of DFFnetSeg to align the reference features and produce the foreground mask universally based on the comparison. The usage of the deep features from the pre-trained semantic segmentation model maintains the generality of our network and the feature reusing strategy also reduces the computational load. Finally, as the post-processing part the conservative strategy for region-based motion map further reduces the false positives that are caused by the semantic noise.
In order to make an accurate evaluation, the proposed method is compared with the state-of-the-art approaches on multiple challenging videos provided by two public datasets CDnet2014 and LASIESTA. Quantitative and qualitative experiments illustrate that the proposed method achieves promising performances in term of these two aspects, respectively. Besides, ablation studies are also conducted to evaluate the effect of the components designed for the proposed method. The results demonstrate that all of these components promote our method from different aspects to work robustly and universally to the unseen videos with PTZ cameras.
The homography matrix estimated in HTFnetSeg is designed for the planar spatial transformation, which seems to be enough for common PTZ surveillance videos whose camera motion could be modelled by a planar transformation. In future, our homography estimator has the potential to be extended to a multi-layer homography model to adapt to other moving camera situation where the camera may be displaced. Subsequently, the foreground segmentation framework of our HTFnetSeg could be further extended to the free-moving camera situation.

Author Contributions

Conceptualization, Y.T.; methodology, Y.T.; software, Y.T.; validation, Y.T.; formal analysis, Y.T.; investigation, Y.T.; resources, Y.T., Z.L.; data curation, Y.T.; writing–original draft preparation, Y.T.; writing–review and editing, Y.T. and Z.L.; visualization, Y.T.; supervision, Z.L.; project administration, Z.L; funding acquisition, Z.L. All authors have read and agreed to the published version of the manuscript.

Funding

This research was funded by the Fundamental Research Funds for the Central Universities grant number 222201917006.

Acknowledgments

The authors would like to thank the benchmark website for CDnet2014 (www.changedetection.net) and LASIESTA (www.gti.ssr.upm.es/data/LASIESTA).

Conflicts of Interest

The authors declare no conflict of interest.

References

  1. Bouwmans, T.; Javed, S.; Sultana, M.; Jung, S.K. Deep neural network concepts for background subtraction: A systematic review and comparative evaluation. Neural Netw. 2019, 117, 8–66. [Google Scholar] [CrossRef] [PubMed] [Green Version]
  2. Li, C.; Ming, Y. Three-stream convolution networks after background subtraction for action recognition. In Video Analytics. Face and Facial Expression Recognition; Springer: Berlin/Heidelberg, Germany, 2018; pp. 12–24. [Google Scholar]
  3. Yao, S.; Khan, I.R.; Farbiz, F. Clothing segmentation and recoloring using background subtraction and back projection method. In Proceedings of the 18th IEEE International Conference on Image Processing (ICIP 2011), Brussels, Belguim, 11–14 September 2011; pp. 3137–3140. [Google Scholar]
  4. Muchtar, K.; Rahman, F.; Munggaran, M.R.; Dwiyantoro, A.P.J.; Dharmadi, R.; Nugraha, I.; Chang, C.Y. An Efficient Event Detection Through Background Subtraction and Deep Convolutional Nets. In Proceedings of the International Computer Symposium (ICS 2018), Yunlin, Taiwan, 20–22 December 2018; pp. 163–167. [Google Scholar]
  5. St-Charles, P.L.; Bilodeau, G.A.; Bergevin, R. A self-adjusting approach to change detection based on background word consensus. In Proceedings of the IEEE Winter Conference on Application of Computer Vision (WACV 2015), Waikoloa, HI, USA, 6–8 January 2015; pp. 990–997. [Google Scholar]
  6. Yong, H.; Huang, J.; Xiang, W.; Hua, X.; Zhang, L. Panoramic background image generation for PTZ cameras. IEEE Trans. Image Process. 2019, 28, 3162–3176. [Google Scholar] [CrossRef] [PubMed]
  7. Avola, D.; Cinque, L.; Foresti, G.L.; Massaroni, C.; Pannone, D. A keypoint-based method for background modeling and foreground detection using a PTZ camera. Pattern Recognit. 2017, 96, 96–105. [Google Scholar] [CrossRef]
  8. Chapel, M.N.; Bouwmans, T. Moving Objects Detection with a Moving Camera: A Comprehensive Review. arXiv 2020, arXiv:2001.05238. [Google Scholar]
  9. Yu, Y.; Kurnianggoro, L.; Jo, K.H. Moving object detection for a moving camera based on global motion compensation and adaptive background model. Int. J. Control Autom. Syst. 2019, 17, 1866–1874. [Google Scholar] [CrossRef]
  10. Huang, J.; Zou, W.; Zhu, Z.; Zhu, J. An efficient optical flow based motion detection method for non-stationary scenes. In Proceedings of the 2019 Chinese Control And Decision Conference (CCDC), Jiangxi, China, 3–5 June 2019; pp. 5272–5277. [Google Scholar]
  11. Sajid, H.; Cheung, S.C.S.; Jacobs, N. Motion and appearance based background subtraction for freely moving cameras. Signal Process Image Commun. 2019, 75, 11–21. [Google Scholar] [CrossRef]
  12. Lim, L.A.; Keles, H.Y. Foreground segmentation using convolutional neural networks for multiscale feature encoding. Pattern Recognit. Lett. 2018, 112, 256–262. [Google Scholar] [CrossRef] [Green Version]
  13. Wang, Y.; Luo, Z.; Jodoin, P.M. Interactive deep learning method for segmenting moving objects. Pattern Recognit. Lett. 2017, 96, 66–75. [Google Scholar] [CrossRef]
  14. Tao, Y.; Ling, Z.; Patras, I. Universal Foreground Segmentation Based on Deep Feature Fusion Network for Multi-Scene Videos. IEEE Access 2019, 7, 158326–158337. [Google Scholar] [CrossRef]
  15. Nguyen, T.; Chen, S.W.; Shivakumar, S.S.; Taylor, C.J.; Kumar, V. Unsupervised deep homography: A fast and robust homography estimation model. IEEE Robot. Autom. Lett. 2018, 3, 2346–2353. [Google Scholar] [CrossRef] [Green Version]
  16. Zuo, J.; Jia, Z.; Yang, J.; Kasabov, N. Moving Target Detection Based on Improved Gaussian Mixture Background Subtraction in Video Images. IEEE Access 2019, 7, 152612–152623. [Google Scholar] [CrossRef]
  17. Liu, R.; Ruichek, Y.; El Bagdouri, M. Extended Codebook with Multispectral Sequences for Background Subtraction. Sensors 2019, 19, 703. [Google Scholar] [CrossRef] [PubMed] [Green Version]
  18. Isik, S.; Özkan, K.; Günal, S.; Gerek, Ö.N. SWCD: A sliding window and self-regulated learning-based background updating method for change detection in videos. J. Electron. Imaging 2018, 27, 023002. [Google Scholar] [CrossRef]
  19. Thurnhofer-Hemsi, K.; López-Rubio, E.; Domínguez, E.; Luque-Baena, R.M.; Molina-Cabello, M.A. Panoramic background modeling for PTZ cameras with competitive learning neural networks. In Proceedings of the International Joint Conference on Neural Networks (IJCNN 2017), Anchorage, AK, USA, 14–19 May 2017; pp. 396–403. [Google Scholar]
  20. Xue, K.; Liu, Y.; Ogunmakin, G.; Chen, J.; Zhang, J. Panoramic Gaussian Mixture Model and large-scale range background substraction method for PTZ camera-based surveillance systems. Mach. Vis. Appl. 2013, 24, 477–492. [Google Scholar] [CrossRef]
  21. Lowe, D.G. Distinctive image features from scale-invariant keypoints. Int. J. Comput. Vis. 2004, 60, 91–110. [Google Scholar] [CrossRef]
  22. 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]
  23. Yun, K.; Lim, J.; Choi, J.Y. Scene conditional background update for moving object detection in a moving camera. Pattern Recognit. Lett. 2017, 88, 57–63. [Google Scholar] [CrossRef]
  24. Zhu, Y.; Elgammal, A. A multilayer-based framework for online background subtraction with freely moving cameras. In Proceedings of the International Conference on Computer Vision (ICCV 2017), Venice, Italy, 22–29 October 2017; pp. 5132–5141. [Google Scholar]
  25. Braham, M.; Van Droogenbroeck, M. Deep background subtraction with scene-specific convolutional neural networks. In Proceedings of the 23rd International Conference on Systems, Signals and Image Processing (IWSSIP 2016), Bratislava, Slovakia, 23–25 May 2016; pp. 1–4. [Google Scholar]
  26. Goyette, N.; Jodoin, P.M.; Porikli, F.; Konrad, J.; Ishwar, P. Changedetection. net: A new change detection benchmark dataset. In Proceedings of the 2012 IEEE Computer Society Conference on Computer Vision and Pattern Recognition Workshops, Providence, RI, USA, 16–21 June 2012; pp. 1–8. [Google Scholar]
  27. Babaee, M.; Dinh, D.T.; Rigoll, G. A deep convolutional neural network for video sequence background subtraction. Pattern Recognit. 2018, 76, 635–649. [Google Scholar] [CrossRef]
  28. Minematsu, T.; Shimada, A.; Uchiyama, H.; Charvillat, V.; Taniguchi, R.i. Reconstruction-based change detection with image completion for a free-moving camera. Sensors 2018, 18, 1232. [Google Scholar] [CrossRef] [Green Version]
  29. Zhao, H.; Shi, J.; Qi, X.; Wang, X.; Jia, J. Pyramid scene parsing network. In Proceedings of the 2017 IEEE Conference on Computer Vision and Pattern Recognition (CVPR 2017), Honolulu, HI, USA, 21–26 July 2017. [Google Scholar]
  30. García Rubio, V.; Ferrán, R.; Antonio, J.; Menéndez García, J.M.; Sánchez Almodóvar, N.; Lalueza Mayordomo, J.M.; Álvarez, F. Automatic Change Detection System over Unmanned Aerial Vehicle Video Sequences Based on Convolutional Neural Networks. Sensors 2019, 19, 4484. [Google Scholar] [CrossRef] [Green Version]
  31. Rublee, E.; Rabaud, V.; Konolige, K.; Bradski, G. ORB: An efficient alternative to SIFT or SURF. In Proceedings of the 13th International Conference on Computer Vision (ICCV 2011), Barcelona, Spain, 6–13 November 2011; pp. 2564–2571. [Google Scholar]
  32. DeTone, D.; Malisiewicz, T.; Rabinovich, A. Deep image homography estimation. arXiv 2016, arXiv:1606.03798. [Google Scholar]
  33. Chen, Y.; Wang, J.; Zhu, B.; Tang, M.; Lu, H. Pixel-wise deep sequence learning for moving object detection. IEEE Trans. Circuits Syst. Video Technol. 2017, 29, 2567–2579. [Google Scholar] [CrossRef]
  34. Braham, M.; Piérard, S.; Van Droogenbroeck, M. Semantic background subtraction. In Proceedings of the 2017 IEEE International Conference on Image Processing (ICIP 2017), Beijing, China, 17–20 September 2017; pp. 4552–4556. [Google Scholar]
  35. Zhou, B.; Zhao, H.; Puig, X.; Fidler, S.; Barriuso, A.; Torralba, A. Scene Parsing through ADE20K Dataset. In Proceedings of the 2017 IEEE Conference on Computer Vision and Pattern Recognition (CVPR 2017), Honolulu, HI, USA, 21–26 July 2017. [Google Scholar]
  36. Zhou, B.; Zhao, H.; Puig, X.; Xiao, T.; Fidler, S.; Barriuso, A.; Torralba, A. Semantic understanding of scenes through the ade20k dataset. Int. J. Comput. Vis. 2019, 127, 302–321. [Google Scholar] [CrossRef] [Green Version]
  37. Cuevas, C.; Yáñez, E.M.; García, N. Labeled dataset for integral evaluation of moving object detection algorithms: LASIESTA. Comput. Vis. Image Underst. 2016, 152, 103–117. [Google Scholar] [CrossRef]
Figure 1. An illustration of the pipeline of HTFnetSeg method. Our method takes a group of frames (ac) as input, and produces a binary mask (j) as the output. Three major parts (df) construct the HTFnet, which aligns and compares the frames to predict the raw foreground mask (h) (up). The post-process step (g) further boosts the final prediction to (j) by generating the region-based motion map (i) (down). The detail functions of (df) are that: (d) takes the frames as input and passes the deep features to (e,f); (e) takes the frames and features as input and generates the homography matrices for (f); and, (f) uses the homography matrices to align the input deep features and finally generates the prediction (h).
Figure 1. An illustration of the pipeline of HTFnetSeg method. Our method takes a group of frames (ac) as input, and produces a binary mask (j) as the output. Three major parts (df) construct the HTFnet, which aligns and compares the frames to predict the raw foreground mask (h) (up). The post-process step (g) further boosts the final prediction to (j) by generating the region-based motion map (i) (down). The detail functions of (df) are that: (d) takes the frames as input and passes the deep features to (e,f); (e) takes the frames and features as input and generates the homography matrices for (f); and, (f) uses the homography matrices to align the input deep features and finally generates the prediction (h).
Sensors 20 03420 g001
Figure 2. Architecture of the proposed homography estimator. The estimator takes as inputs the paired images (a) I 1 and (b) I 2 and their corresponding deep features F 4 ( I 1 ) and F 4 ( I 2 ) , and gets as the output the homography matrix H 12 . Specifically, the semantic attention layer (c) generates the attention mask M ( I 1 ) and M ( I 2 ) based on F 4 ( I 1 ) and F 4 ( I 2 ) , respectively. Then, the greyscale of images I 1 and I 2 , denoted by G ( I 1 ) and G ( I 2 ) , are masked by M ( I 1 ) and M ( I 2 ) , respectively. After that, the regression model (d) takes as inputs the concatenation of the masked greyscale images and predicts as the output the offset of four keypoints, denoted by Δ c 4 p t . Finally, the TDLT (e) obtains the homography matrix based on the 4 keypoints c 4 p t and its offset Δ c 4 p t .
Figure 2. Architecture of the proposed homography estimator. The estimator takes as inputs the paired images (a) I 1 and (b) I 2 and their corresponding deep features F 4 ( I 1 ) and F 4 ( I 2 ) , and gets as the output the homography matrix H 12 . Specifically, the semantic attention layer (c) generates the attention mask M ( I 1 ) and M ( I 2 ) based on F 4 ( I 1 ) and F 4 ( I 2 ) , respectively. Then, the greyscale of images I 1 and I 2 , denoted by G ( I 1 ) and G ( I 2 ) , are masked by M ( I 1 ) and M ( I 2 ) , respectively. After that, the regression model (d) takes as inputs the concatenation of the masked greyscale images and predicts as the output the offset of four keypoints, denoted by Δ c 4 p t . Finally, the TDLT (e) obtains the homography matrix based on the 4 keypoints c 4 p t and its offset Δ c 4 p t .
Sensors 20 03420 g002
Figure 3. The architecture of our proposed STDFFnet. Firstly, features from chosen layers of PSPNet (d) are extracted, given inputs, including a current frame (a), previous frames (b,c), respectively. After that, the spatial transformations (ST) that are based on matrices H b a and H c a are conducted for the features from corresponding chosen layers. The spatial transformed feature maps, instead of the raw feature maps as used in DFFnet, are used as the inputs of the FusionNet (e). Finally, based on the features from (a) and the transformed features from (b,c), the FusionNet generates the foreground mask (f). The architecture of the comparing operator (COMPARE) is shown in the upper-right corner.
Figure 3. The architecture of our proposed STDFFnet. Firstly, features from chosen layers of PSPNet (d) are extracted, given inputs, including a current frame (a), previous frames (b,c), respectively. After that, the spatial transformations (ST) that are based on matrices H b a and H c a are conducted for the features from corresponding chosen layers. The spatial transformed feature maps, instead of the raw feature maps as used in DFFnet, are used as the inputs of the FusionNet (e). Finally, based on the features from (a) and the transformed features from (b,c), the FusionNet generates the foreground mask (f). The architecture of the comparing operator (COMPARE) is shown in the upper-right corner.
Sensors 20 03420 g003
Figure 4. A sample of the performance of post-process. In this sample, parameters ( t , k 1 , k 2 , θ , β , N ) = ( 289 , 5 , 10 , 20 , 10 , 64 ) , respectively. M f n e t is the predicted foreground mask for the frame F ( 289 ) , which is also the raw output of the fusion network with the input three frames shown in the first raw. M g r e e d y is the region-based map proposed in a greedy strategy from the DFFnetSeg method, and M r e g is the conservative one proposed in this paper. M p o s t _ g r e e d y and M ( 289 ) are post-processed final predictions by these two maps, respectively.
Figure 4. A sample of the performance of post-process. In this sample, parameters ( t , k 1 , k 2 , θ , β , N ) = ( 289 , 5 , 10 , 20 , 10 , 64 ) , respectively. M f n e t is the predicted foreground mask for the frame F ( 289 ) , which is also the raw output of the fusion network with the input three frames shown in the first raw. M g r e e d y is the region-based map proposed in a greedy strategy from the DFFnetSeg method, and M r e g is the conservative one proposed in this paper. M p o s t _ g r e e d y and M ( 289 ) are post-processed final predictions by these two maps, respectively.
Sensors 20 03420 g004
Figure 5. Qualitative results comparison on the seven algorithms. The first column is the current frame F ( t ) and the second column is one of the reference frames F ( t 10 ) .
Figure 5. Qualitative results comparison on the seven algorithms. The first column is the current frame F ( t ) and the second column is one of the reference frames F ( t 10 ) .
Sensors 20 03420 g005
Figure 6. A sample when there is no matched region from the reference frames for the boundary of the current frame. In detail, M ( 741 ) denotes the predicted final foreground mask for the current frame F ( 741 ) , with the reference previous frames F ( 736 ) and F ( 731 ) . The images in the bottom left corner are the enlarged version of the details in red boxes, respectively. The region covered by blue highlights the region without a match.
Figure 6. A sample when there is no matched region from the reference frames for the boundary of the current frame. In detail, M ( 741 ) denotes the predicted final foreground mask for the current frame F ( 741 ) , with the reference previous frames F ( 736 ) and F ( 731 ) . The images in the bottom left corner are the enlarged version of the details in red boxes, respectively. The region covered by blue highlights the region without a match.
Sensors 20 03420 g006
Table 1. The details of the architecture of the modified PSPNet.
Table 1. The details of the architecture of the modified PSPNet.
ResNetPyramid Pool Module
layer nameoutput sizelayers infolayer nameoutput sizelayers info
C O N V 1.1 240 × 320 3 × 3 , 64 , s t r i d e 1 p o o l 1 1 × 1 60 × 80 a v g p o o l , s t r i d e 60 × 80
C O N V 1.2 240 × 320 3 × 3 , 64 , s t r i d e 1 p o o l 1 _ c o n v 1 × 1 1 × 1 , 512 , s t r i d e 1
C O N V 1.3 240 × 320 3 × 3 , 128 , s t r i d e 1 u p s a m p l e 1 60 × 80 b i l i n e a r
C O N V 2 . x 120 × 160 3 × 3 m a x p o o l , s t r i d e 2 p o o l 2 2 × 2 30 × 40 a v g p o o l , s t r i d e 30 × 40
1 × 1 , 64 3 × 3 , 64 1 × 1 , 256 × 3 p o o l 2 _ c o n v u p s a m p l e 2 2 × 2 60 × 80 1 × 1 , 512 , s t r i d e 1 b i l i n e a r
C O N V 3 . x 60 × 80 1 × 1 , 128 3 × 3 , 128 1 × 1 , 512 × 4 p o o l 3 p o o l 3 _ c o n v u p s a m p l e 3 4 × 4 4 × 4 60 × 80 15 × 20 a v g p o o l , s t r i d e 15 × 20 1 × 1 , 512 , s t r i d e 1 b i l i n e a r
C O N V 4 . x 60 × 80 1 × 1 , 256 3 × 3 , 256 1 × 1 , 1024 × 6 p o o l 4 p o o l 4 _ c o n v u p s a m p l e 4 10 × 10 10 × 10 60 × 80 6 × 8 a v g p o o l , s t r i d e 6 × 8 1 × 1 , 512 , s t r i d e 1 b i l i n e a r
C O N V 5 . x 60 × 80 1 × 1 , 512 3 × 3 , 512 1 × 1 , 2048 × 3 C O N V 5.3 C O N V 5.4 C O N V 6 60 × 80 60 × 80 60 × 80 c o n c a t e n a t i o n 3 × 3 , 512 , s t r i d e 1 1 × 1 , 150 , s t r i d e 1
Table 2. The details of the architecture of the regression model.
Table 2. The details of the architecture of the regression model.
Layer NameOutput SizeLayers InfoLayer NameOutput SizeLayers Info
c o n v 1.1 240 × 320 3 × 3 , 64 , s t r i d e 2 p o o l 3 15 × 20 2 × 2 m a x p o o l , s t r i d e 2
c o n v 1.2 120 × 160 3 × 3 , 64 , s t r i d e 1 c o n v 4.1 15 × 20 3 × 3 , 128 , s t r i d e 1
p o o l 1 60 × 80 2 × 2 m a x p o o l , s t r i d e 2 c o n v 4.2 15 × 20 3 × 3 , 128 , s t r i d e 1
c o n v 2.1 60 × 80 3 × 3 , 64 , s t r i d e 1 d r o p o u t 15 × 20 0.5
c o n v 2.2 60 × 80 3 × 3 , 64 , s t r i d e 1 f l a t t e r n 38,400
p o o l 2 30 × 40 2 × 2 m a x p o o l , s t r i d e 2 f c 1 1024
c o n v 3.1 30 × 40 3 × 3 , 128 , s t r i d e 1 f c 2 8
c o n v 3.2 30 × 40 3 × 3 , 128 , s t r i d e 1
Table 3. The details of the hyper-parameter setting of the FusionNet.
Table 3. The details of the hyper-parameter setting of the FusionNet.
Layer NameOutput SizeLayers InfoLayer NameOutput SizeLayers Info
c o n v 6.1 240 × 320 3 × 3 , 32 , s t r i d e 1 u p s a m p l e 240 × 320 b i l i n e a r
c o n v 6.2 120 × 160 3 × 3 , 32 , s t r i d e 1 c o n v 7 240 × 320 3 × 3 , 32 , s t r i d e 1
c o n v 6.3 60 × 80 3 × 3 , 32 , s t r i d e 1 c o n v 8 240 × 320 1 × 1 , 2 , s t r i d e 1
c o n v 6.4 60 × 80 3 × 3 , 32 , s t r i d e 1
Table 4. Categories, scenes, and frame indices of testing set.
Table 4. Categories, scenes, and frame indices of testing set.
CategorySequenceFrame IndicesSequenceFrame Indices
PancontinuousPan600-1149intermittentPan1200–2349
I_MC_011–300I_SM_011–300
I_SM_021–300I_SM_031–300
O_MC_011–425
P&TO_SM_011–425O_SM_021–425
O_SM_031–425
ZoomzoomInZoomOut500-814
Table 5. Average F-Measure on the test videos with different parameters range for the motion map.
Table 5. Average F-Measure on the test videos with different parameters range for the motion map.
Parameters RangeBest F-MeasureWorst F-Measure
θ = 20 N U β 20 0.81350.7613
N > 8 β = 40 0.81270.7978
θ = 50 N > 8 β 10 0.81050.7624
N > 16 β > 10 0.80270.7782
θ = 80 N > 16 β = 5 0.77150.7385
N = 64 5 < β 20 0.76830.7517
Table 6. Evaluation values of seven methods on the test dataset. The best results are shown in bold.
Table 6. Evaluation values of seven methods on the test dataset. The best results are shown in bold.
MethodPanP&TZoomMean
PRFPRFPRFPRF
PAWCS [5]0.22210.81230.33550.14130.87970.24330.03950.82690.07540.18350.83200.2867
SWCD [18]0.36660.56100.37860.25100.53930.34160.06560.34450.11010.30770.53540.3441
SCBU [23]0.79020.30940.41890.86510.44380.58670.76910.21910.34100.80870.33780.4576
MLBS [24]0.58180.44310.43810.89200.53290.6671---0.67490.47010.5068
FgSegNet [12]0.37020.72610.43230.37190.87480.51650.04160.90850.07960.34080.78320.4232
ICNET-CDNET [28]0.09630.70170.15450.10400.68090.18040.00440.80900.00880.09000.70580.1483
HTFnetSeg0.89460.81620.84400.60010.93060.71140.89250.92060.90630.81410.85690.8135
Table 7. Evaluation values of the model if the different components are added. The best results are shown in bold.
Table 7. Evaluation values of the model if the different components are added. The best results are shown in bold.
MethodPrecisionRecallF-Measure
DFFnetSeg [14]0.51850.90320.5852
HTFnet0.68990.89530.7349
+Motion Map0.81410.85690.8135
+Fine-tune0.74970.89470.7841
+Fine-tune+Motion Map0.87070.85700.8501

Share and Cite

MDPI and ACS Style

Tao, Y.; Ling, Z. Deep Features Homography Transformation Fusion Network—A Universal Foreground Segmentation Algorithm for PTZ Cameras and a Comparative Study. Sensors 2020, 20, 3420. https://doi.org/10.3390/s20123420

AMA Style

Tao Y, Ling Z. Deep Features Homography Transformation Fusion Network—A Universal Foreground Segmentation Algorithm for PTZ Cameras and a Comparative Study. Sensors. 2020; 20(12):3420. https://doi.org/10.3390/s20123420

Chicago/Turabian Style

Tao, Ye, and Zhihao Ling. 2020. "Deep Features Homography Transformation Fusion Network—A Universal Foreground Segmentation Algorithm for PTZ Cameras and a Comparative Study" Sensors 20, no. 12: 3420. https://doi.org/10.3390/s20123420

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