Next Article in Journal
Animations in Cross-Platform Mobile Applications: An Evaluation of Tools, Metrics and Performance
Previous Article in Journal
Edge-Aided Reliable Data Transmission for Heterogeneous Edge-IoT Sensor Networks
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

Low-Cost Image Compressive Sensing with Multiple Measurement Rates for Object Detection

1
College of Computer, National University of Defense Technology, Changsha 410073, China
2
College of Computer Science and Electronic Engineering, Hunan University, Changsha 410082, China
3
College of Computer, National University of Defense Technology, Changsha 410073, China
*
Author to whom correspondence should be addressed.
Sensors 2019, 19(9), 2079; https://doi.org/10.3390/s19092079
Submission received: 22 March 2019 / Revised: 21 April 2019 / Accepted: 30 April 2019 / Published: 5 May 2019
(This article belongs to the Section Sensor Networks)

Abstract

:
When measurement rates grow, most Compressive Sensing (CS) methods suffer from an increase in overheads of transmission and storage of CS measurements, while reconstruction quality degrades appreciably when measurement rates reduce. To solve these problems in real scenarios such as large-scale distributed surveillance systems, we propose a low-cost image CS approach called MRCS for object detection. It predicts key objects using the proposed MYOLO3 detector, and then samples the regions of the key objects as well as other regions using multiple measurement rates to reduce the size of sampled CS measurements. It also stores and transmits half-precision CS measurements to further reduce the required transmission bandwidth and storage space. Comprehensive evaluations demonstrate that MYOLO3 is a smaller and improved object detector for resource-limited hardware devices such as surveillance cameras and aerial drones. They also suggest that MRCS significantly reduces the required transmission bandwidth and storage space by declining the size of CS measurements, e.g., mean Compression Ratios (mCR) achieves 1.43–22.92 on the VOC-pbc dataset. Notably, MRCS further reduces the size of CS measurements by half-precision representations. Subsequently, the required transmission bandwidth and storage space are reduced by one half as compared to the counterparts represented with single-precision floats. Moreover, it also substantially enhances the usability of object detection on reconstructed images with half-precision CS measurements and multiple measurement rates as compared to its counterpart, using a single low measurement rate.

1. Introduction

1.1. Challenges and Motivations

High-resolution cameras and drones are increasingly used for capturing images in large-scale distributed surveillance systems. The objective is to ensure the security and safety of materials, people, and places in the real world, such as smart cities, retail stores, and public transportation [1,2]. Massive amounts of images and videos collected over large-scale surveillance networks make the timely transmission of all captured data to remote servers as well as permanent storage an impractical one. Even when servers provide adequate storage space, greater consideration must be assigned to the cost of high-speed network transmission as well as increasing storage space. Moreover, the emerging trend involves real-time analysis of captured surveillance data (e.g., object detection) on intelligent surveillance devices using deep learning methods [3]. Thus, for large-scale distributed surveillance systems, it is a great challenge to reduce the required transmission bandwidth and storage space while preserving the usability of sampled images/videos.
Compressive Sensing (CS) theory demonstrates that images and videos can be reconstructed with a high probability when there is sparsity in certain transformed domains [4,5]. Meanwhile, CS can perform data sampling and compression simultaneously. It is suitable for use in limited transmission bandwidth and storage space. CS enables the low-cost acquisition of images/videos from a variety of acquisition devices such as surveillance cameras and aerial drones [6]. The CS method is especially fit for resource-constrained image capturing devices such as aerial drones and robots since it has the potential to significantly reduce the cost of image/video transmission and storage. However, most existing CS algorithms use a single measurement rate to sample and reconstruct different images [7]. They are limited to improve the performance of CS methods for an entire image, such that the reconstruction quality is substantially degraded as measurement rate reduces. By contrast, the size of measurement data increases rapidly as measurement rate grows. Thus, it is very challenging for CS sampling to use as few measurements as possible while recovering images with adequate local features that users are interested in.
Therefore, we propose a low-cost image CS approach called MRCS, which employs multiple Measurement Rates (MRs) for object detection applications in real scenarios. MRCS aims to reduce the sample data’s overheads of network transmission and storage space. It also aspires to preserve adequate image features of key regions in object detection-based scenarios such as ’Who is the person in the surveillance image?’. MRCS comprises of three stages: object detection, CS sampling with multiple MRs on terminal devices, and CS reconstruction on remote servers. To accelerate object detection on resource-constrained surveillance devices while improving the accuracy of object detection, we propose a smaller object detector architecture named MYOLO3. It is a one-stage objector that achieves the trade-off between the accuracy and number of operations measured by multiply-adds. Then, for an image/video frame, the key regions that users are interested in are sampled with higher MRs to preserve image features, while other regions are sampled with lower MRs in order to reduce the amount of measurement data. Finally, the natural images for object detection are reconstructed using CS measurements sampled with multiple MRs, which is employed as a post-acquisition step on high-performance servers [8].

1.2. Contributions

We mainly focus on presenting a low-cost image CS method with multiple MRs for applications related to object detection. However, our proposed method can be readily extended to the CS sampling and reconstruction of videos. The main contributions of our paper are summarized as follows.
  • To reduce the model size and computation cost while improving the accuracy of object detection in MRCS, we propose a smaller real-time object detector with a depthwise feature pyramid network name MYOLO3. MYOLO3 is mainly built on bottleneck residual blocks and depthwise separable convolutions, instead of standard residual blocks and convolutions.
  • To reduce the required transmission bandwidth and storage space for CS measurements, we propose a CS approach with multiple MRs for sampling natural images known as MRCS. MRCS uses higher MRs on image regions that users are interested in, while adopting lower MRs on other image regions to sample an entire image.
  • We propose a half-precision presentation method of CS measurements to further reduce the size of CS measurements, which represents the values of CS measurements with 16-bit half-precision floats instead of 32-bit single-precision floats.

2. Related Work

2.1. Object Detection

Object detection is a fundamental problem in computer vision [9,10,11,12]. Driven by various Convolutional Neural Networks (CNNs), there are two different approaches to perform object detection: two-stage detectors and one-stage detectors [13,14,15]. Inspired by the success of the R-CNN [16] architecture, the two-stage object detection networks, such as Fast R-CNN [17], Faster R-CNN [18], R-FCN [19], Feature Pyramid Networks (FPN) [20] and Cascade R-CNN [21], are proposed in recent years. Meanwhile, one-stage object detection networks such as SSD [22], YOLOv2 [23] and YOLOv3 [24] become popular due to their computational efficiency by performing predictions of locations and classes in one network simultaneously.
Recently, real-time object detectors using a small network have attracted much attention from the field of deep learning based on pure CPUs and mobile devices [25]. For instance, the smaller version of YOLOv2 and YOLOv3, i.e., Tiny-YOLOv2 [23] and Tiny-YOLOv3 [24], has fewer layers and parameters than the corresponding ones of the full version. They are accelerated with smaller network architecture, but leading to the loss in the accuracy. MobileNet [26] uses depthwise separable convolutions to build a simple and homogeneous network architecture. It achieves superior performance while reducing the computations and the number of parameters of the network [27,28]. The MobileNet-based object detector MobileNet-SSD [26] achieves comparable results to other networks with only a fraction of computational complexity and model size. To design a tiny network for reducing the number of parameters while persevering the accuracy, the newly updated network MobileNetV2 introduces an inverted residual with the linear bottleneck [29]. However, real-time object detection in real-world applications still faces challenges from model size, computation cost, and accuracy.

2.2. CS Construction

The existing CS methods are mainly classified into two categories: iterative optimization-based CS methods and neural network-based CS methods.
Dong et al. [30] propose a Nonlocal Low-rank Regularization (NLR) for applying structured sparsity to recovery CS images. Fei et al. [31] present a CS method based on iterative directional total variation refinement. Metzler et al. [32,33] employ the unrolled optimization technique to improve the performance of the D-AMP algorithm. Majumdar and Ward [34] apply CS techniques in the reconstruction of color images. These iterative optimization-based CS methods often have theoretical convergence guarantees, but cannot fully use potentially available training data.
Inspired by the powerful learning ability of Deep Neural Networks (DNNs), several DNN-based CS approaches have been proposed. Mousavi et al. [35] use Stacked Denoising Auto-encoders (SDA) to recover images from CS measurements. DeepInverse [36] uses pure convolutional layers to build the DNN model for image CS reconstruction. ReconNet [37] uses fully connected layers and convolutional layers to create the DNN model for regressing image blocks from its CS measurement. ISTA-Net [38] casts the Iterative Shrinkage-Thresholding Algorithm (ISTA) into a DNN, and applies an effective strategy to solve proximal mapping associated with the sparsity-inducing regularizer. Yao et al. [39] present a deep residual reconstruction network for image CS, which consists of fully connected layers and residual learning blocks.
These DNN-based methods are data-driven methods that use no hand-designed models. They dramatically reduce time complexity as compared to iterative optimization-based reconstruction methods. Unfortunately, the existing methods must be trained for certain specific measurement rates, and then only perform CS sampling and reconstruction with one single MR.

3. Overview of Proposed MRCS

To preserve the complex texture of regions of interest and to reduce the cost of network transmission and storage of images capturing from large-scale surveillance cameras/systems, we propose a low-cost image CS approach with multiple measurement rates for object detection named MRCS. Figure 1 presents a case of MRCS that uses two MRs, but can readily be extended for use in cases with more than two MRs. MRCS consists of two modules: CS sampling with multiple MRs as a pre-acquisition procedure on terminal devices such as surveillance cameras and aerial drones, and CS reconstruction with corresponding multiple MRs as a post-acquisition procedure on high-performance computers or cloud servers. The main task of MRCS is to process the first module that comprises two stages, i.e., ❶ real-time object detection using the proposed MYOLO3 on captured raw images/video frames, and ❷ CS sampling of the images/video frames with multiple MRs to generate half-precision CS measurements. After the CS measurements are transmitted to remote servers by communication networks, the second module of MRCS performs the final processing stage, i.e., ❸ The received CS measurements are inputted to the corresponding CS reconstruction networks for recovering natural images with multiple MRs.
The architecture of the proposed real-time object detector MYOLO3 is illustrated in detail in Section 4, while the procedures of the second and third stage of MRCS is discussed in Section 5.

4. Architecture of MYOLOv3

The architecture of the proposed real-time object detection network MYOLO3 for image CS with multiple MRs is defined in Table 1. It contains two components: a feature extractor (i.e., the layers indexed 1–53) and a detector (i.e., the layers indexed 54–94). The feature extractor starts with an initial standard convolutional layer with 32 filters of size 3 × 3 , following 17 bottleneck residual blocks as indicated in Figure 2 and a standard convolutional layer with 1280 filters of size 1 × 1 . To improve the accuracy of object detection, the detector is implemented with the proposed depthwise feature pyramid network as shown in Figure 3.
The difference from YOLOv2 [23] and YOLOv3 [24], the MYOLO3 is mainly built on bottleneck residual blocks and depthwise separable convolutions, instead of standard residual blocks and conventional convolutions. Moreover, a bottleneck residual block-based MobileNetv2 is used to extract feature maps, and then a newly designed depthwise feature pyramid network is used to predict the locations and scores of detection objects. There are three reasons for this: (1) Compared with standard residual blocks, bottleneck residual blocks enable created networks to obtain improved accuracy by outputting linear activations, and have less computation cost. (2) Depthwise separable convolutions have fewer parameters than standard convolutions, and thus are less prone to over-fitting. (3) With fewer parameters, depthwise separable convolutions also require fewer computations and thus are faster.
In the following subsections, the components of MYOLO3, such as depthwise separable convolutions, bottleneck residual blocks and the designed depthwise feature pyramid network, are discussed in detail.

4.1. Depthwise Separable Convolutions

The depthwise separable convolution factorizes a standard convolution into a depthwise convolution for filtering and a pointwise convolution for combining [27]. The depthwise convolution is a per channel convolution that applies a single filter to each input channel. After splitting the input feature maps and filtering into channels, it convolves the input feature maps with the corresponding filters along each channel, and produces an output feature map for each channel. The pointwise convolution is a convolution with filters of size 1 × 1 to combine depthwise convolution outputs across the output channels [26].
This factorization drastically reduces the computation cost and model size. Compared with a standard convolution that takes a H × W × C i n feature map as input, the filter size is K × K , the number of output channels is C o u t , and the stride is 1, the depthwise convolution reduces the number of parameters by a factor of 1 / C o u t + 1 / K 2 , and also reduces computation cost by the factor of 1 / C o u t + 1 / K 2 . MYOLO3 uses 3 × 3 depthwise separable convolutions, resulting in the reduction of computation cost and the number of parameters by almost 9 times smaller than that of standard convolutions.

4.2. Bottleneck Residual Blocks

Figure 2 illustrates the structures of bottleneck residual blocks, which incorporate inverted residuals and linear bottlenecks. Each block uses a three-layer stack. The first layer is an expansion layer that implements a non-linear transformation of the input feature maps, including a 1 × 1 pointwise convolutional layer with stride = 1 and an activation function ReLU. The second layer is a 3 × 3 depthwise convolutional layer with stride = s and an activation function ReLU. The last layer is a linear bottleneck layer consisting of a 1 × 1 pointwise convolution with stride = 1 and a linear activation function. The expansion factor t is used to resize the input feature maps, wherein most expansion factors are set as 6 in the proposed MYOLO3. During training, batch normalization is also used behind each layer.
As illustrated in the left side of Figure 2, when the stride is 2 for the depthwise convolution, a shortcut connection is used to connect the beginning and end of the bottleneck residual block. The linear activation function is used in the last layer and after the addition operation instead of the ReLU function, since the linear transformation prevents the ReLU transformation from destroying too much information [40].
Compared with the depthwise separable convolution, the bottleneck residual block shown in Figure 2 has an extra computation cost C i n × t C i n × H × W from the expansion layer. However, it enables the processing of much smaller input and output feature maps. Moreover, compared with a standard residual block, the bottleneck residual block has reductions in the number of parameters of t C i n × K 2 × ( t C i n 1 ) , as well as in the computation cost of t C i n × H × W × K 2 × ( t C i n 1 ) .

4.3. Depthwise Feature Pyramid Network

As shown in Figure 3, the depthwise feature pyramid network consists of three sub-detectors. Each sub-detector begins with a standard convolutional layer with 1 × 1 filters, following four depthwise separable convolutions, a standard convolution with 1 × 1 filters and a YOLO layer. The YOLO layer performs detection predictions (e.g., coordinates of bounding boxes and class labels) [24]. The remaining layers (e.g., upsampling layers and route layers) are responsible for upsampling and concatenating feature maps to produce the input feature maps for the latter two sub-detectors. The number of filters used in the last convolutional layer (e.g., the 63rd, 69th and 93rd layer) of each sub-detector is determined by the number of detected object classes, which is denoted by the parameter c l s in Table 1. As the following experiments are executed on the VOC dataset containing 20 classes (e.g., c l s = 20 ). Thus, the number of the filters in three YOLO layers is obtained as ( 20 + 5 ) × 3 = 75 , which is identical with the number of output channels for these convolutional layers.
Three sub-detectors make up a convolutional network with a top-down pathway and lateral connections, so that it efficiently constructs a rich, multi-scale feature pyramid from a single resolution input image. The sub-detectors conduct predictions at three different scales (i.e., 32, 16, and 8) respectively. To be more specific, the input image is divided into 32 × 32 , 16 × 16 , and 8 × 8 grid cells. With an input image of size 416 × 416 , the grid cells produced are 416 / 32 × 416 / 32 = 13 × 13 = 169 , 416 / 16 × 416 / 16 = 26 × 26 = 676 and 416 / 8 × 416 / 8 = 52 × 52 = 3704 respectively. The first sub-detector performs predictions using 13 × 13 feature maps. Next, the second sub-detector predicts by using the 26 × 26 output feature maps. A similarity process is performed to produce 52 × 52 input feature maps for predictions of the third sub-detector. In the end, YOLO layers output the final detected objects.

4.3.1. Nearest Neighbor Upsampling Layers

To detect small objects by increasing spatial resolution, upsampling layers are used before the convolutions in the second and third sub-detectors. The upsampling layer upsamples the output feature map of the previous layer by a factor of a factor of stride, which is equivalent to 2 in the proposed MYOLO3. During forward propagation, the upsampling layer resizes the input feature maps using input stride s. Each 1 = 1 × 1 pixel is scaled into each s 2 = s × s pixels, and each newly created s 2 1 pixels are filled with the value of the 1 = 1 × 1 pixel. Thus, an input W × H × C i n feature map is scaled into an output [ W × s ] × [ H × s ] × C i n feature map. In contrast, it sums values from each s 2 = s × s pixels to a 1 = 1 × 1 pixel during backward propagation, i.e., it resizes a W × H × C i n feature map to [ W / s ] × [ H / s ] × C i n . Compared to other upsampling methods (e.g., bilinear one), the upsampling implemented with the nearest neighbor algorithm has less computational cost since it involves no multiplication operations.

4.3.2. Route Layers

The route layer is a residual-like utility layer that takes a feature map from a previous layer and merges it with an upsampled feature map using concatenation [20]. This method enables the depthwise feature pyramid network to obtain more meaningful semantic information from the upsampled features, and acquires more fine-grained information from the previous feature maps. When a route layer only takes the result of a preceding layer as input, it output the input feature map without any processing. When a route layer takes the results of more than just one preceding layer as its input, it merges the input feature maps into a single output feature map along the channel dimension using concatenation.

4.3.3. YOLO Layers

For a 416 × 416 input image, the depthwise feature pyramid network generates a total of ( 13 × 13 + 26 × 26 + 52 × 52 ) × 3 = 10647 output predictions. Each prediction contains center coordinates, dimensions (height and width), objectness score, and class confidences of predicted bounding boxes. To obtain accurate predictions, the YOLO layer performs as follows. First, it filters most of the bounding boxes based on their object scores using a defined confidence threshold (e.g., 0.5). The bounding boxes with object scores below the confidence threshold are ignored to only output bounding boxes for objects that are likely to be in the image. Second, since multiple high-confidence predictions may describe the same object, it removes redundant bounding boxes using Non-maximum Suppression (NMS) [41] to output only a single predicted bounding box for describing each detected object.

5. Compressive Sensing with Multiple MRs

5.1. CS Sampling with Multiple MRs

The CS sampling of a natural image consists of three independent CS processes on c channels (e.g., R, G and B), i.e., y i = Φ x i , i 1 , 2 , . . . , c , where y i R M denotes the randomized CS measurement values on the i-th channel, Φ R M × N is the measurement matrix per block for each channel, x i R N denotes the original image on the channel i. As M N , the measurement rate is defined as M N .
In addition, compared to the 32-bit single-precision float, the 16-bit half-precision float (FP16) has a limited numerical range, and consists of 1 sign bit, 5 bits of exponent, and 10 fractional bits [42]. Research has shown that there is only minor degradation in prediction accuracy when the 32-bit single float-pointing parameters of DNN models are replaced with the FP16 ones [43]. For transmission purposes, CS measurements are often not only compressed, but also quantized [44]. Merve et al. use quantization functions to quantize CS measurements, and the robustness results prove that the mean recovery error can be controlled by the quantization error [45]. Cerone et al. present a linear programming approach to quantize CS measurements and represent them in low-precision [46]. Therefore, MRCS uses FP16 to represent CS measurements for the reduction in the transmission bandwidth as well as the required storage space.
Assuming that W and H denote the width and height of the input image, p s t = 1 denotes the image patch p s t and one of the detected bounding boxes contains the same pixels, while p s t = 0 denotes the opposite case. To reduce improve the compressive ratio and reduce required transmission bandwidth of CS measurements while preserving the performance of CS reconstruction, regions containing objects are sampled with higher MRs, but the remaining regions are sampled with a lower measurement rate. Thus, the CS sampling with multiple MRs in MRCS is formulated as Algorithm 1.
Algorithm 1 The algorithm for CS sampling with multiple MRs in the proposed MRCS
Input: A natural image of W × H with c ( c 1 ) channels, and k measurement matrices such as Φ h generated with a higher measurement rate and Φ l generated with a lower measurement rate.
Output: The results of half-precision CS measurement y
1:
Detect the bounding boxes of n target objects (e.g., persons, bicycles and cars) with the proposed object detector MYOLO3. The bounding box b j ( j < n ) is denoted as [ x j , y j , w j , h j ] , where x j and y j declare the coordinates of its top-left corner, w j and h j declare its width and height respectively.
2:
Divide the input image into patches of size 33 × 33 without overlap, and get w p × h p = c e i l ( ( W 1 ) / 33 + 1 ) × c e i l ( ( H 1 ) / 33 + 1 ) image patches.
3:
Declare a w p × h p matrix P = { p s t } , p s t { 0 , 1 } as the identifier of the divided image patches. The initial values of the elements of P are set as 0.
4:
while There are detected bounding boxes to be identified in the 1-th channel, i.e., j < n do
5:
 Compute the starting indexes s x and s y for the j-th image patch, i.e., s x = c e i l ( x j / 33 ) and s y = c e i l ( y j / 33 ) ;
6:
 Compute the ending indexes e x and e y for the j-th image patch, i.e., e x = c e i l ( ( x j + w j ) / 33 ) and e y = c e i l ( ( y j + h j ) / 33 ) ;
7:
while s s x and s e x do
8:
  while t s y and t e y do
9:
    p s t = 1 ;
10:
    t = t + 1 ;
11:
  end while
12:
   s = s + 1 ;
13:
end while
14:
 j = j+1;
15:
end while
16:
while There are channels to be sampled, i.e., i c do
17:
while s < w p do
18:
  while t < h p do
19:
   Denote the pixels of the image patch identified with p s t in the i-th channel as x i s t ;
20:
   if p s t = 1 then
21:
    Sample the image patch x i s t with Φ h , i.e., y i h s t = Φ h x i s t ;
22:
   else
23:
    Sample the image patch x i s t with Φ l , i.e., y i l s t = Φ l x i s t ;
24:
   end if
25:
    t = t + 1 ;
26:
  end while
27:
   s = s + 1 ;
28:
end while
29:
 Concatenate all CS measurements sampled with Φ h and Φ l respectively, represent the values with 16-bit half-precision floats, and then obtain the half-precision CS measurement y i = [ y i h ] FP 16 [ y i l ] FP 16 for the i-th channel;
30:
i = i + 1 ;
31:
end while
32:
Combine y i sampled with multiple MRs in each channel and then obtain the final half-precision CS measurement y .
In Algorithm 1, the c e i l ( ) function returns the smallest integer that is not less than the given value. Zero padding is used to keep the CS sampled image patches constant in each channel, when the acquired images are divided into image patches of size 33 × 33 . After obtaining the results of half-precision CS measurement with Algorithm 1, they are transmitted to high-performance servers for reconstructing CS images with the DNN-based CS method.

5.2. DNN-Based CS Reconstruction with Multiple MRs

As indicated in Figure 1, there are multiple CS reconstruction networks used in MRCS, and each one of them is responsible for recovering image patches sampled with the corresponding MRs. The CS reconstruction networks contain linear mapping layers and residual sub-networks [39]. Each linear mapping layer consists of one fully connected layer with 1089 neurons, and its 1089-dimension outputs are reshaped into 33 × 33 preliminary reconstructed image patches. Each residual sub-network contains four residual learning blocks and each block contains three convolutional layers.
The received half-precision CS measurements are first converted into the 32-bit single-precision ones. Second, the CS reconstruction networks take y i h and y i l as the inputs respectively, and the linear mapping layers generate preliminary reconstructed image patches. Third, the residual sub-networks take these preliminary outputs as the inputs, and infer the reconstructed patches with the measurement rates M R h and M R l respectively. Finally, the reconstructed patches compose an intermediate reconstructed image for each channel. The reconstructed images in the different channels are then merged into a natural image as the final output of MRCS.

6. Experiment Approaches

6.1. Implementation Approaches

MYOLO3 is implemented with the Darknet neural network framework [47], while MRCS is implemented with Caffe [48] for a range of MRs { 0.01 , 0.04 , 0.10 , 0.40 } respectively [39]. The training and test approaches for MYOLO3 and CS with multiple MRs are described as follows.

6.1.1. Training and Test for MYOLO3

PASCAL VOC [49] is a standard dataset for building and evaluating models for the object detection task. The combination of the PASCAL VOC 2007 and 2012 trainval dataset named VOC2007+2012 is used as the training dataset of the proposed MYOLO3. It contains 20 classes with 16,551 training images in the dataset. The dataset PASCAL VOC Test 2007 contains 4952 test images, and is used as the test dataset to evaluate the performance of MYOLO3.
MYOLO3 is trained on the VOC2007+2012 dataset for 200 epochs with a starting learning rate of 10 3 . It uses a weight decay of 0.005, a momentum of 0.9 and data augmentation tricks such as random crops, hue, saturation an exposure shifts and multi-scale training.

6.1.2. Training and Test for CS with multiple MRs

MRCS uses the training dataset that includes 91 images [37] to train the CS reconstruction model, which is used to recover natural images in the third stage of MRCS. To construct a scaled space, the original training images are resized to three scales, i.e., 0.75, 1, and 1.5. The weights of the linear mapping layers are initialized using Gaussian distribution with the standard variance of 0.01. Meanwhile, the weights of the convolutional layers in MRCS are initialized using Gaussian distribution with the standard variance of 0.001.
There are only 2171 test images that contain objects such as persons, bicycles, and cars in the dataset PASCAL VOC Test 2007. The object classes (e.g., persons, bicycles, and cars) are crucial in real scenarios such as surveillance and person retrieval [50]. Therefore, a new test dataset is created using these 2171 images for evaluating the performance of CS sampling and reconstruction with MRCS. This newly created test dataset is named VOC-pbc.

6.2. Evaluation Metrics

The evaluation of the proposed MRCS contains two parts. The one part is the performance of the proposed MYOLO3, which is measured with metrics shown in Section 6.2.1. The other part is the performance of CS sampling and reconstructed with multiple MRs, which is evaluated with metrics shown in Section 6.2.2.

6.2.1. Metrics for MYOLO3

The proposed object detector MYOLO3 is measured with the following metrics. First, the computation cost is evaluated with the widely used indicator MAdds, which is the number of multiply-add operations in a model. Second, the model size is calculated with the number of parameters in the MYOLO3 model. Finally, the accuracy of MYOLO3 is tested on the popular object detection dataset PASCAL VOC Test 2007.

6.2.2. Metrics for CS with Multiple MRs

Four evaluation metrics are adopted to measure the performance of CS sampling and reconstructed with the proposed MRCS. First, reconstruction quality is measured by the mean Peak Signal-to-Noise Ratio (mPSNR) on the VOC-pbc dataset with MRCS. Second, Average Precision (AP) is used to evaluate the usefulness of reconstructed images in terms of object detection. The 416 × 416 sized MYOLO3 model is employed to evaluate AP on the revised PASCAL VOC Test 2007 dataset, named VOC-revise dataset. The VOC-revise dataset is created by replacing images in the original PASCAL VOC Test 2007 dataset with the corresponding reconstructed images from the reconstructed VOC-pbc dataset with multiple MRs. Third, to evaluate the reduction in storage space, the mean Compression Ratios (mCR) for the reconstructed images are calculated by the size of the uncompressed RGB images against the size of the corresponding CS measurements during CS sampling with MRCS. Finally, to measure the reduction in network bandwidth for real-time transmission of CS measurements, the size of required network bandwidth (Bwidth) for real surveillance applications (assuming 25 images are sampled per second) is calculated with the size of CS measurements sampled with MRCS.

7. Evaluation Results

The performance of the proposed MYOLO3 is compared in Table 2. Meanwhile, the performance of CS sampling and reconstruction with the proposed MRCS is illustrated in Table 3, where AP0.5 denotes that the accuracy for a class of objects predicted with MYOLO3 on the VOC-revise test dataset when the value of Intersection over Union (IoU) is 0.5. It is crucial for image CS sampling in real scenarios to improve the quality of image regions containing objects, such that M R h M R l in the experimentation. M R h = M R l is a special case wherein MRCS only uses one MR in CS sampling and reconstruction. M R h = 1 . 00 means that the image patches are directly extracted from the original image instead of using CS sampling.

7.1. Comparison with Other Object Detectors

To evaluate the performance of the proposed real-time object detector MYOLO3, experiments are performed with four state-of-the-art real-time object detectors, including Tiny-YOLOv2 [23], Tiny-YOLOv3 [24], MobileNet+SSD [26] and PeleeNet [51]. These models are trained on the combined VOC2007+2012 trainval dataset, and are tested on the PASCAL VOC 2007 test dataset with mAP when the value of IoU is 0.5.
As shown in Table 2, the proposed MYOLO3 achieves the highest mAP of 74.0 on the original VOC 2007 test dataset, with APs of three key object classes (i.e., person, bicycle, and car) at 81.4%, 84.0% and 85.2% respectively. It significantly improves the accuracy of one-stage object detectors, e.g., the accuracy increases by 6.5% and 3.6% compared to the state-of-the-art one-stage detectors MobileNet+SSD and PeleeNet respectively. MYOLO3 is the smallest model of size 4.80 million parameters, which is only approximately 1/4 of the size of Tiny-YOLOv2. Moreover, MYOLO3 has a lower computational cost than Tiny-YOLOv2 [23] and Tiny-YOLOv3 [24]. This is because that depthwise separable convolutions and bottleneck residual blocks used in MYOLO3 effectively reduce the computation cost by replacing standard convolutions, and the reduction of computation cost is discussed in Section 4.1 and Section 4.2. Unfortunately, MYOLO3 contains more layers than MobileNet+SSD [26] and PeleeNet [51] such that it leads to more computation cost. However, MYOLO3 achieves higher mAP than MobileNet+SSD and PeleeNet on the VOC dataset. Thus, it is more feasible to be deployed on devices with limited memory, such as intelligent surveillance drones and cameras, etc. Additionally, it is faster in terms of loading and updating from remote servers. Compared to the small version of YOLO model Tiny-YOLOv3, the accuracy of MYOLO3 increases by 16.1% while the computation cost of the model decreases by 764 million multiply-add operations.
Thus, compared with the other four state-of-the-art real-time detectors, the accuracy of MYOLO3 surpasses them by a large margin on the VOC detection task. Moreover, MYOLO3 is the smallest model architecture by further reducing parameters of the network. It achieves the trade-offs between model size, accuracy, and computation cost, such that it is more suitable for the requirements of mobile and embedded computer vision applications. In particular, it is more suitable for real-time object detection tasks in CS sampling with multiple MRs on resource-limited terminal surveillance devices.

7.2. Performance of CS Sampling and Reconstruction with Multiple MRs

The results of MRCS for CS sampling on the VOC-pbc dataset and corresponding CS reconstruction with multiple MRs are shown in Table 3. First, for CS sampling with one single measurement rate, both the quality of CS reconstructed images and the accuracy of object detection on them are improved when MRs are increased. However, this also significantly increases the quantity of CS measurement data. For instance, the size of CS measurements increases 27.26 times on average when M R h and M R l grow from 0.01 to 0.25. For reconstructed images when M R h and M R l are 0.01, they are less useful for applications related to object detection in real scenarios. The reason for this is that the AP is too low compared to the corresponding AP achieved on the original images. They only obtain 6.9%, 4.6% and 4.9% APs for the predicted persons, bicycles, and cars on the CS reconstructed images, respectively. Nevertheless, the corresponding original images obtain 81.4%, 84.0% and 85.2% APs, respectively.
Second, MRCS significantly reduces the size of CS measurements by sampling with multiple different MRs, such that it effectively reduces required network bandwidth and storage space to transmit and storage the CS measurements. The mCR significantly grows when M R l decrease, e.g., mCR increases by 61.89% for M R h = 0.10 when M R l drops to 0.04 from 0.10. This suggests that MRCS obtains a reduction in the size of CS measurements by sampling key regions with a higher measurement rate while the rest regions are sampled with a lower measurement rate. The reason for this is that the key region generally only makes up a small percentage of the entire image. Accordingly, the required transmission bandwidth is also rapidly declined, e.g., the required bandwidth reduces by 54.75% for real-time transmission of sampled CS measurements when M R l drops to 0.01 from 0.25 and M R h = 0.25 .
Third, MRCS improves mPSNR and AP on the reconstructed images when the corresponding image patches containing pixels of objects use higher measurement rate than other image patches. For instance, the mPSNR and AP when M R h = 0.10 and M R l = 0.01 are higher than the ones when M R h and M R l are 0.01. For the same M R l in MRCS, mPSNR slightly increases with the growth of M R h , while AP appreciably increases. For instance, the mPSNR is 19.45dB when M R l = 0.01 and M R h = 0.04 , and the mPSNR only increases by 9.10% when M R h increases to 0.04 from 0.25. Nevertheless, the APs for the predicted persons, bicycles, and cars increase by 64.50%, 177.05%, 89.76% respectively. On the other hand, for the same M R h in MRCS, mPSNR and AP slightly decrease with the drop of M R l , while mCR is significantly improved. For instance, when M R h = 0.25 and M R l drops to 0.01 from 0.10, the mCR increases by 125.87% while the mPSNR and AP only decrease by 13.77% and 7.25% on average, respectively.
Finally, reconstructed images with M R h = 1.00 get slightly lower APs than the original images. However, the mCR is gradually improved with a decrease in M R l . For instance, the mCR for reconstructed images when M R l = 0.01 is 3.23 times larger than the mCR for the reconstructed images when M R l = 0.25 .
Conceptually, a lower M R l and a higher M R h is useful for CS sampling and reconstruction in MRCS (e.g., M R h = 0.25 and M R l = 0.01 ), since it significantly reduces required network bandwidth and storage space while mPSNR and AP decrease slightly.

7.3. Performance of Half-Precision CS Measurements

MRCS obtains nearly identical performance for CS reconstruction in terms of mPSNR and AP when it transmits and stores CS measurements with single-precision floats and half-precision floats. For instance, for CS measurements represented with single-precision floats and half-precision floats when M R h = 0.25 and M R l = 0.10 , MRCS obtains the same mCR of 23.19 and the approximate APs of 72.3%, 73.3% and 74.0% for the class of persons, bicycles, and cars, respectively. Notably, the mCRs of half-precision CS measurements are approximately one time larger than the mCRs of the corresponding single-precision ones. Moreover, the size of the required transmission bandwidth for half-precision CS measurements is only one half of the size of the corresponding single-precision ones. For instance, for M R h = 0.25 and M R l = 0.10 , the mCR and required bandwidth of the half-precision CS measurements are 2.87 and 4.69Mb/s while the mCR of single-precision ones are 1.43 and 9.38Mb/s, respectively.
Thus, the size of CS measurements is further reduced by representing them with half-precision floats while preserving the usability of CS measurements in terms of both the reconstruction quality and the usability for object detection. This means that the storage and transmission of CS measurements with half-precision floats are suitable over the single-precision ones for further reducing the required transmission bandwidth and storage space for image CS sampling and reconstruction, especially for object detection applications in real scenarios with the limited network bandwidth and storage space.

8. Conclusions

The proposed MRCS is a low-cost image CS approach with multiple MRs and half-precision representation of CS measurements. It involves object detection with the proposed real-time object detector MYOLO3, CS sampling, and reconstruction with multiple MRs. It reduces the size of CS measurements in two ways: (1) The key regions are sampled with higher MRs while other regions are sampled with lower MRs. (2) Sampled CS measurements are represented with half-precision floats instead of single-precision floats during transmission and storage. The extensive experiments indicate that MRCS significantly reduces the required transmission bandwidth and storage space, while preserving the excellent quality of CS reconstruction and the usefulness of reconstructed images for object detection. Therefore, it is more suitable than existing CS methods for object detection-based applications such as the sampling and transmission of images/videos in large-scale distributed surveillance systems. Moreover, our proposed framework can be readily extended to the CS reconstruction of videos.

Author Contributions

L.L. proposed the methodologies of this paper and written the original draft preparation. K.L. supervised the implementation of the methodology and the writing of this paper. C.Y. and J.L. reviewed the manuscript.

Funding

The research was partially funded by the Program of National Natural Science Foundation of China (Grant No. 61751204), the National Outstanding Youth Science Program of National Natural Science Foundation of China (Grant No. 61625202), the International (Regional) Cooperation and Exchange Program of National Natural Science Foundation of China (Grant No. 61661146006), and the National Key R&D Program of China (Grant Nos. 2016YFB0201303, 2016YFB0200201).

Acknowledgments

We thank Tianming Jin for his discussions on the implementation of MYOLO3, and his helpful suggestions on this work.

Conflicts of Interest

The authors declare no conflicts of interest.

References

  1. Pietrow, D.; Matuszewski, J. Objects detection and recognition system using artificial neural networks and drones. In Proceedings of the Signal Processing Symposium (SPSympo), Jachranka, Poland, 12–14 September 2017; pp. 1–5. [Google Scholar]
  2. Chen, C.; Li, K.; Teo, S.G.; Chen, G.; Zou, X.; Yang, X.; Vijay, R.C.; Feng, J.; Zeng, Z. Exploiting Spatio-Temporal Correlations with Multiple 3D Convolutional Neural Networks for Citywide Vehicle Flow Prediction. In Proceedings of the IEEE International Conference on Data Mining (ICDM), Singapore, 17–20 November 2018; pp. 893–898. [Google Scholar]
  3. Satyanarayanan, M. The Emergence of Edge Computing. Computer 2017, 50, 30–39. [Google Scholar] [CrossRef]
  4. Duarte, M.F.; Davenport, M.A.; Takhar, D.; Laska, J.N.; Sun, T.; Kelly, K.F.; Baraniuk, R.G. Single-pixel imaging via compressive sampling. IEEE Signal Process. Mag. 2008, 25, 83–91. [Google Scholar] [CrossRef] [Green Version]
  5. Ma, R.; Hu, F.; Hao, Q. Active Compressive Sensing via Pyroelectric Infrared Sensor for Human Situation Recognition. IEEE Trans. Syst. Man. Cybern. Syst. 2017, 47, 3340–3350. [Google Scholar] [CrossRef]
  6. Cho, S.; Kim, D.H.; Park, Y.W. Learning drone-control actions in surveillance videos. In Proceedings of the 17th International Conference on Control, Automation and Systems (ICCAS), Jeju, Korea, 18–21 October 2017; pp. 700–703. [Google Scholar]
  7. Chang, K.; Ding, P.L.K.; Li, B. Compressive Sensing Reconstruction of Correlated Images Using Joint Regularization. IEEE Signal Process. Lett. 2016, 23, 449–453. [Google Scholar] [CrossRef]
  8. Song, X.; Peng, X.; Xu, J.; Shi, G.; Wu, F. Distributed Compressive Sensing for Cloud-Based Wireless Image Transmission. IEEE Trans. Multimed. 2017, 19, 1351–1364. [Google Scholar] [CrossRef]
  9. Ma, Y.; Liu, Y.; Liu, S.; Zhang, Z. Multiple Object Detection and Tracking in Complex Background. Int. J. Pattern Recognit. Artif. Intell. 2017, 31, 1755003. [Google Scholar] [CrossRef]
  10. Zhang, X.; Xu, C.; Sun, X.; Baciu, G. Salient Object Detection via Nonlocal Diffusion Tensor. Int. J. Pattern Recognit. Artif. Intell. 2015, 29, 1555013. [Google Scholar] [CrossRef]
  11. Kuang, P.; Ma, T.; Li, F.; Chen, Z. Real-Time Pedestrian Detection Using Convolutional Neural Networks. Int. J. Pattern Recognit. Artif. Intell. 2018, 32, 1856014. [Google Scholar] [CrossRef]
  12. Ou, X.; Yan, P.; He, W.; Kim, Y.K.; Zhang, G.; Peng, X.; Hu, W.; Wu, J.; Guo, L. Adaptive GMM and BP Neural Network Hybrid Method for Moving Objects Detection in Complex Scenes. Int. J. Pattern Recognit. Artif. Intell. 2019, 33, 1950004. [Google Scholar] [CrossRef]
  13. Zhang, S.; Wen, L.; Bian, X.; Lei, Z.; Li, S.Z. Single-Shot Refinement Neural Network for Object Detection. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, Salt Lake City, UT, USA, 18–22 June 2018; pp. 4203–4212. [Google Scholar]
  14. Hu, Q.; Zhai, L. RGB-D Image Multi-Target Detection Method Based on 3D DSF R-CNN. Int. J. Pattern Recognit. Artif. Intell. 2019, 1954026. [Google Scholar] [CrossRef]
  15. Duan, M.; Li, K.; Li, K. An Ensemble CNN2ELM for Age Estimation. IEEE Trans. Inf. Forensics Secur. 2018, 13, 758–772. [Google Scholar] [CrossRef]
  16. Girshick, R.; Donahue, J.; Darrell, T.; Malik, J. Rich Feature Hierarchies for Accurate Object Detection and Semantic Segmentation. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Columbus, OH, USA, 24–27 June 2014; pp. 580–587. [Google Scholar]
  17. Girshick, R. Fast R-CNN. In Proceedings of the IEEE International Conference on Computer Vision (ICCV), Boston, MA, USA, 7–12 June 2015; pp. 1440–1448. [Google Scholar]
  18. Ren, S.; He, K.; Girshick, R.; Sun, J. Faster R-CNN: Towards Real-Time Object Detection with Region Proposal Networks. In Advances in Neural Information Processing Systems (NIPS); Curran Associates, Inc.: Red Hook, NY, USA, 2015. [Google Scholar]
  19. Dai, J.; Li, Y.; He, K.; Sun, J. R-FCN: Object Detection via Region-based Fully Convolutional Networks. In Advances in Neural Information Processing Systems 29; Curran Associates, Inc.: Red Hook, NY, USA, 2016; pp. 379–387. [Google Scholar]
  20. Lin, T.; Dollár, P.; Girshick, R.; He, K.; Hariharan, B.; Belongie, S. Feature Pyramid Networks for Object Detection. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition (CVPR), Honolulu, HI, USA, 21–26 July 2017; pp. 936–944. [Google Scholar]
  21. Cai, Z.; Vasconcelos, N. Cascade R-CNN: Delving Into High Quality Object Detection. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, Salt Lake City, UT, USA, 18–22 June 2018; pp. 6154–6162. [Google Scholar]
  22. Liu, W.; Anguelov, D.; Erhan, D.; Szegedy, C.; Reed, S.; Fu, C.Y.; Berg, A.C. Ssd: Single shot multibox detector. In European Conference on Computer Vision; Springer: Cham, Switzerland, 2016; pp. 21–37. [Google Scholar]
  23. Redmon, J.; Farhadi, A. YOLO9000: Better, faster, stronger. In Proceedings of the The IEEE Conference on Computer Vision and Pattern Recognition (CVPR), Honolulu, HI, USA, 21–26 July 2017; pp. 7263–7271. [Google Scholar]
  24. Redmon, J.; Farhadi, A. YOLOv3: An Incremental Improvement. arXiv 2018, arXiv:1804.02767. [Google Scholar]
  25. Yang, S.; Hao, K.; Ding, Y.; Liu, J. Vehicle Driving Direction Control Based on Compressed Network. Int. J. Pattern Recognit. Artif. Intell. 2018, 32, 1850025. [Google Scholar] [CrossRef]
  26. Howard, A.G.; Zhu, M.; Chen, B.; Kalenichenko, D.; Wang, W.; Weyand, T.; Andreetto, M.; Adam, H. MobileNets: Efficient Convolutional Neural Networks for Mobile Vision Applications. arXiv 2017, arXiv:1704.04861. [Google Scholar]
  27. Chollet, F. Xception: Deep Learning with Depthwise Separable Convolutions. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition (CVPR), Honolulu, HI, USA, 21–26 July 2017; pp. 1800–1807. [Google Scholar]
  28. Szegedy, C.; Vanhoucke, V.; Ioffe, S.; Shlens, J.; Wojna, Z. Rethinking the Inception Architecture for Computer Vision. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition (CVPR), Las Vegas, NV, USA, 26 June–1 July 2016; pp. 2818–2826. [Google Scholar]
  29. Sandler, M.; Howard, A.; Zhu, M.; Zhmoginov, A.; Chen, L. MobileNetV2: Inverted Residuals and Linear Bottlenecks. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, Salt Lake City, UT, USA, 18–22 June 2018; pp. 4510–4520. [Google Scholar]
  30. Dong, W.; Shi, G.; Li, X.; Ma, Y.; Huang, F. Compressive Sensing via Nonlocal Low-Rank Regularization. IEEE Trans. Image Process. 2014, 23, 3618–3632. [Google Scholar] [CrossRef]
  31. Fei, X.; Wei, Z.; Xiao, L. Iterative Directional Total Variation Refinement for Compressive Sensing Image Reconstruction. IEEE Signal Process. Lett. 2013, 20, 1070–1073. [Google Scholar]
  32. Metzler, C.A.; Mousavi, A.; Baraniuk, R.G. Learned D-AMP: Principled Neural network based compressive image recovery. In Advances in Neural Information Processing Systems (NIPS 2017); Curran Associates, Inc.: Red Hook, NY, USA, 2017; pp. 1772–1784. [Google Scholar]
  33. Metzler, C.A.; Maleki, A.; Baraniuk, R.G. From Denoising to Compressed Sensing. IEEE Trans. Inf. Theory 2016, 62, 5117–5144. [Google Scholar] [CrossRef]
  34. Majumdar, A.; Ward, R.K. Compressed sensing of color images. Signal Process. 2010, 90, 3122–3127. [Google Scholar] [CrossRef]
  35. Mousavi, A.; Patel, A.B.; Baraniuk, R.G. A deep learning approach to structured signal recovery. In Proceedings of the 53rd Annual Allerton Conference on Communication, Control, and Computing (Allerton), Monticello, IL, USA, 29 September–2 October2015; pp. 1336–1343. [Google Scholar]
  36. Mousavi, A.; Baraniuk, R.G. Learning to invert: Signal recovery via Deep Convolutional Networks. In Proceedings of the IEEE International Conference on Acoustics, Speech and Signal Processing (ICASSP), New Orleans, LA, USA, 5–9 March 2017; pp. 2272–2276. [Google Scholar]
  37. Kulkarni, K.; Lohit, S.; Turaga, P.; Kerviche, R.; Ashok, A. ReconNet: Non-Iterative Reconstruction of Images from Compressively Sensed Measurements. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition (CVPR), Las Vegas, NV, USA, 26 June–1 July 2016; pp. 449–458. [Google Scholar]
  38. Zhang, J.; Bernard, G. ISTA-Net: Interpretable Optimization-Inspired Deep Network for Image Compressive Sensing. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, Salt Lake City, UT, USA, 18–22 June 2018; pp. 1828–1837. [Google Scholar]
  39. Yao, H.; Dai, F.; Zhang, D.; Ma, Y.; Zhang, S.; Zhang, Y.; Tian, Q. DR2-net: Deep residual reconstruction network for image compressive sensing. arXiv 2017, arXiv:1702.05743. [Google Scholar]
  40. Han, D.; Kim, J.; Kim, J. Deep Pyramidal Residual Networks. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition (CVPR), Honolulu, HI, USA, 21–26 July 2017; pp. 6307–6315. [Google Scholar]
  41. Neubeck, A.; Van Gool, L. Efficient Non-Maximum Suppression. In Proceedings of the18th International Conference on Pattern Recognition (ICPR’06), Hong Kong, China, 20–24 August 2006; Volume 3, pp. 850–855. [Google Scholar]
  42. Nandakumar, S.R.; Gallo, M.L.; Boybat, I.; Rajendran, B.; Sebastian, A.; Eleftheriou, E. Mixed-precision architecture based on computational memory for training deep neural networks. In Proceedings of the IEEE International Symposium on Circuits and Systems (ISCAS), Florence, Italy, 27–30 May 2018; pp. 1–5. [Google Scholar]
  43. Micikevicius, P.; Narang, S.; Alben, J.; Diamos, G.F.; Elsen, E.; Garca, D.; Ginsburg, B.; Houston, M.; Kuchaiev, O.; Venkatesh, G.; Wu, H. Mixed Precision Training. In Proceedings of the 6th International Conference on Learning Representations (ICLR), Vancouver, BC, Canada, 30 April–3 May 2018. [Google Scholar]
  44. Boufounos, P.T.; Jacques, L.; Krahmer, F.; Saab, R. Quantization and Compressive Sensing. In Compressed Sensing and its Applications: MATHEON Workshop 2013; Birkhäuser, Cham: Basel, Switzerland, 2015; pp. 193–237. [Google Scholar] [Green Version]
  45. Merve Gürel, N.; Kara, K.; Stojanov, A.; Smith, T.; Alistarh, D.; Püschel, M.; Zhang, C. Compressive Sensing with Low Precision Data Representation: Theory and Applications. arXiv 2018, arXiv:1802.04907. [Google Scholar]
  46. Cerone, V.; Fosson, S.M.; Regruto, D. A linear programming approach to sparse linear regression with quantized data. arXiv 2019, arXiv:1903.07156. [Google Scholar]
  47. Liao, L.; Li, K.; Li, K.; Yang, C.; Tian, Q. UHCL-Darknet: An OpenCL-based Deep Neural Network Framework for Heterogeneous Multi-/Many-core Clusters. In Proceedings of the 47th International Conference on Parallel Processing, Eugene, OR, USA, 13–16 August 2018; pp. 44:1–44:10. [Google Scholar]
  48. Jia, Y.; Shelhamer, E.; Donahue, J.; Karayev, S.; Jonathan, L.; Girshick, R.; Guadarrama, S.; Darrell, T. Caffe: Convolutional Architecture for Fast Feature Embedding. In Proceedings of the 22nd ACM International Conference on Multimedia, Orlando, FL, USA, 3–7 November 2014; pp. 675–678. [Google Scholar]
  49. Everingham, M.; Eslami, S.M.A.; Van Gool, L.; Williams, C.K.I.; Winn, J.; Zisserman, A. The Pascal Visual Object Classes Challenge: A Retrospective. Int. J. Comput. Vis. 2015, 111, 98–136. [Google Scholar] [CrossRef]
  50. Bai, S.; Bai, X.; Tian, Q.; Latecki, L.J. Regularized Diffusion Process on Bidirectional Context for Object Retrieval. IEEE Trans. Pattern Anal. Mach. Intell. 2018. [Google Scholar] [CrossRef] [PubMed]
  51. Wang, J.; Bohn, T.; Ling, C. Pelee: A Real-Time Object Detection System on Mobile Devices. In Advances in Neural Information Processing Systems 31; Curran Associates, Inc.: Red Hook, NY, USA, 2018; pp. 1963–1972. [Google Scholar]
Figure 1. Illustration of the proposed MRCS. The main task of MRCS is CS sampling of natural images with multiple Measurement Rates (MRs), e.g., 0.25 and 0.01. [ * ] FP 16 denotes CS measurements are represented with half-precision floats.
Figure 1. Illustration of the proposed MRCS. The main task of MRCS is CS sampling of natural images with multiple Measurement Rates (MRs), e.g., 0.25 and 0.01. [ * ] FP 16 denotes CS measurements are represented with half-precision floats.
Sensors 19 02079 g001
Figure 2. Structure of bottleneck convolution blocks transforming from C i n input channel to C o u t output channels, with an expansion factor t. Left: a block for the depthwise convolution with stride = 1. Right: a block for the depthwise convolution with stride = 2.
Figure 2. Structure of bottleneck convolution blocks transforming from C i n input channel to C o u t output channels, with an expansion factor t. Left: a block for the depthwise convolution with stride = 1. Right: a block for the depthwise convolution with stride = 2.
Sensors 19 02079 g002
Figure 3. Illustration of the proposed depthwise feature pyramid network. ⨁ denotes a route layer.
Figure 3. Illustration of the proposed depthwise feature pyramid network. ⨁ denotes a route layer.
Sensors 19 02079 g003
Table 1. The architecture of MYOLO3. Each line describes a sequence of 1 or more identical layers, repeated n times. All layers in the same line have the same number C o u t of output channels. s denotes the stride used by each layer. t denotes the expansion factor used to resize input feature maps described by the height (H), width (W) and number of input channels ( C i n ), i.e., H × W × C i n . The number of detected object classes is denoted by c l s .
Table 1. The architecture of MYOLO3. Each line describes a sequence of 1 or more identical layers, repeated n times. All layers in the same line have the same number C o u t of output channels. s denotes the stride used by each layer. t denotes the expansion factor used to resize input feature maps described by the height (H), width (W) and number of input channels ( C i n ), i.e., H × W × C i n . The number of detected object classes is denoted by c l s .
LayersOperation TypeInputFilter Sizestcoutn
1Convolution416 × 416 × 33 × 32-321
2–4Bottleneck residual block208 × 208 × 32-11161
5–6Bottleneck residual block208 × 208 × 16-26241
8–10Bottleneck residual block104 × 104 × 24-16241
11–13Bottleneck residual block104 × 104 × 24-26321
14–19Bottleneck residual block52 × 52 × 32-16322
20–22Bottleneck residual block52 × 52 × 32-26641
23–31Bottleneck residual block26 × 26 × 64-16643
32–34Bottleneck residual block26 × 26 × 64-16961
35–40Bottleneck residual block26 × 26 × 96-16962
41–43Bottleneck residual block26 × 26 × 96-261601
44–49Bottleneck residual block13 × 13 × 160-161602
50–52Bottleneck residual block13 × 13 × 160-163201
53Convolution13 × 13 × 3201 × 11-12801
54Convolution13 × 13 × 12801 × 11-5121
55–62Depthwise separable convolution13 × 13 × 512-1-5124
63Convolution13 × 13 × 5121 × 11-75 ( c l s = 20)1
64YOLO-----1
65Route60----1
66Convolution13 × 13 × 5121 × 11-2561
67Nearest neighbor upsampling--2--1
68Route67, 40----1
69Convolution26 × 26 × 3521 × 11-2561
70–77Depthwise separable convolution26 × 26 × 256-1-2564
78Convolution26 × 26 × 2561 × 11-75 ( c l s = 20)1
79YOLO-----1
80Route75----1
81Convolution26 × 26 × 2561 × 11-1281
82Nearest neighbor upsampling--2--1
83Route82, 19----1
84Convolution52 × 52 × 1601 × 11-1281
85–92Depthwise separable convolution52 × 52 × 128-1-1284
93Convolution52 × 52 × 1281 × 11-75 ( c l s = 20)1
94YOLO-----1
Table 2. Performance comparison of real-time object detectors on PASCAL VOC 2007. M denotes million, mAP0.5 denotes that the accuracy predicted on the original PASCAL VOC 2007 test dataset when the value of IoU is 0.5.
Table 2. Performance comparison of real-time object detectors on PASCAL VOC 2007. M denotes million, mAP0.5 denotes that the accuracy predicted on the original PASCAL VOC 2007 test dataset when the value of IoU is 0.5.
ModelInput Size
(Height × Width)
Computation Cost
(MAdds)
Model Size
(Parameters)
mAP0.5
(%)
Tiny-YOLOv2 [23]416 × 4163490 M15.86 M57.1
Tiny-YOLOv3 [24]416 × 4162742 M8.72 M58.4
MobileNet+SSD [26]300 × 3001150 M5.77 M68.0
PeleeNet [51]304 × 3041210 M5.43 M70.9
MYOLO3 (ours)416 × 4161978 M4.80 M74.0
Table 3. Performance of MRCS for CS sampling and reconstruction with multiple MRs. Bwidth denotes the size of required network bandwidth for real-time transmitting CS measurements generated when MRCS samples 25 images per second. AP0.5 denotes the accuracy predicted for one certain class on the VOC-revise dataset when the value of IoU is 0.5.
Table 3. Performance of MRCS for CS sampling and reconstruction with multiple MRs. Bwidth denotes the size of required network bandwidth for real-time transmitting CS measurements generated when MRCS samples 25 images per second. AP0.5 denotes the accuracy predicted for one certain class on the VOC-revise dataset when the value of IoU is 0.5.
MRh/MRlSingle-Precision CS ReconstructionHalf-Precision CS Reconstruction
mCRBwidth
(Mb/s)
mPSNR
(dB)
AP0.5 (%)mCRBwidth
(Mb/s)
mPSNR
(dB)
AP0.5 (%)
PersonBicycleCarPersonBicycleCar
0.25/0.250.8914.2126.1174.574.677.31.787.1126.1174.574.677.3
0.10/0.102.235.6923.2063.158.460.84.452.8523.2063.158.160.9
0.04/0.045.642.2620.8440.924.633.811.281.1220.8441.024.833.7
0.01/0.0124.260.5318.146.94.64.948.530.2618.146.94.65.0
0.25/0.101.439.3824.6172.373.474.02.874.6924.6172.373.373.9
0.25/0.042.127.4123.1969.570.571.24.243.7123.1969.571.171.1
0.25/0.013.236.4321.2265.867.670.46.453.2221.2265.770.470.4
0.10/0.043.613.7422.0460.455.057.47.211.8722.0460.657.457.4
0.10/0.016.352.7620.3758.555.360.112.671.3820.3858.560.260.2
0.04/0.0111.511.2719.4540.024.437.122.920.6419.4540.037.137.1
1.00/0.250.8914.2231.1279.181.682.51.2910.1831.1279.281.682.4
1.00/0.101.449.3828.0776.580.079.81.947.7628.0776.579.979.8
1.00/0.042.127.4225.6873.676.977.62.686.7825.6873.676.977.6
1.00/0.013.236.4422.7269.473.075.43.666.2922.7269.473.075.4

Share and Cite

MDPI and ACS Style

Liao, L.; Li, K.; Yang, C.; Liu, J. Low-Cost Image Compressive Sensing with Multiple Measurement Rates for Object Detection. Sensors 2019, 19, 2079. https://doi.org/10.3390/s19092079

AMA Style

Liao L, Li K, Yang C, Liu J. Low-Cost Image Compressive Sensing with Multiple Measurement Rates for Object Detection. Sensors. 2019; 19(9):2079. https://doi.org/10.3390/s19092079

Chicago/Turabian Style

Liao, Longlong, Kenli Li, Canqun Yang, and Jie Liu. 2019. "Low-Cost Image Compressive Sensing with Multiple Measurement Rates for Object Detection" Sensors 19, no. 9: 2079. https://doi.org/10.3390/s19092079

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