Next Article in Journal
Utilizing Wearable Device Data for Syndromic Surveillance: A Fever Detection Approach
Previous Article in Journal
Deep Learning-Based Prognostics and Health Management Model for Pilot-Operated Cryogenic Safety Valves
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

A Dilated Convolutional Neural Network for Cross-Layers of Contextual Information for Congested Crowd Counting

1
The School of Computer Science and Engineering, Xi’an University of Technology, Xi’an 710048, China
2
The Shaanxi Key Laboratory of Network Computing and Security Technology, Xi’an 710048, China
*
Author to whom correspondence should be addressed.
Sensors 2024, 24(6), 1816; https://doi.org/10.3390/s24061816
Submission received: 4 January 2024 / Revised: 1 March 2024 / Accepted: 9 March 2024 / Published: 12 March 2024
(This article belongs to the Section Intelligent Sensors)

Abstract

:
Crowd counting is an important task that serves as a preprocessing step in many applications. Despite obvious improvement reported by various convolutional-neural-network-based approaches, they only focus on the role of deep feature maps while neglecting the importance of shallow features for crowd counting. In order to surmount this issue, a dilated convolutional-neural-network-based cross-level contextual information extraction network is proposed in this work, which is abbreviated as CL-DCNN. Specifically, a dilated contextual module (DCM) is constructed by importing cross-level connection between different feature maps. It can effectively integrate contextual information while conserving the local details of crowd scenes. Extensive experiments show that the proposed approach outperforms state-of-the-art approaches using five public datasets, i.e., ShanghaiTech part A, ShanghaiTech part B, Mall, UCF_CC_50 and UCF-QNRF, achieving MAE 52.6, 8.1, 1.55, 181.8, and 96.4, respectively.

1. Introduction

The escalating urban residential population and the consequent rise in crowd density have significantly heightened the pressure on public safety in recent decades, evident in incidents such as stampedes. A pivotal challenge lies in accurately assessing crowd size in images, crucial for applications spanning video surveillance, traffic monitoring, pedestrian anomaly detection, and traffic control [1]. Crowd counting, fundamental in crowd analysis, underpins higher-level tasks. However, this analysis is confronted with several hurdles. Firstly, perspective distortion arises from varied distances of individuals from monitoring equipment, leading to differing head sizes across the crowd image (as depicted in Figure 1a). This distortion compromises counting accuracy and complicates individual detection. Secondly, complex real backgrounds can impede crowd detection; elements such as bushes (illustrated in Figure 1b) might be misidentified as crowds, adding to the challenge. Lastly, occlusion phenomena are prevalent in densely populated crowds (as seen in Figure 1c), presenting a unique obstacle to accurately identifying and enumerating individuals. These issues collectively contribute to the formidable task of crowd counting.
In recent years, the rapid evolution of deep learning technologies has opened up exciting new avenues for tackling the challenges inherent in crowd counting. Among these methods, convolutional neural networks (CNNs), serving as foundational models in deep learning, offer compelling advantages, such as automatic feature extraction and reduced manual intervention in end-to-end learning processes. Specifically tailored to address scale changes and occlusion stemming from perspective distortion, a range of approaches has emerged. These include methods based on multicolumn CNN architectures [2,3,4] and attention mechanisms [5,6], aimed at leveraging rich information for more precise crowd counting. Additionally, the integration of a scale regression module (SRM) [7] into lightweight convolutional networks has enabled efficient extraction of crowd features, effectively reducing network parameters and computational costs. Rather than relying solely on predictions from a single feature level, the utilization of a scale-adaptive selection network [8] has proven beneficial. This approach facilitates the learning of internal correspondences between scales and feature levels, thereby enhancing estimation accuracy. Furthermore, dilated convolution-based techniques [9,10,11] have gained prominence for capturing contextual information across deep scales, leveraging their larger receptive fields without inflating parameter counts. These advancements collectively represent significant progress in overcoming the complexities inherent in crowd counting tasks.
While CNN-based methods have demonstrated remarkable success in crowd counting, many of these approaches predominantly emphasize the utilization of deep feature maps, often overlooking the significance of shallow features in achieving precise counting. To tackle this limitation, we propose a dilated convolution-based CNN tailored for congested crowd counting. This novel architecture, named Cross-Level Dilated CNN (CL-DCNN), integrates contextual information from both shallow and deep features through cross-layer connections, thereby enhancing counting performance. Specifically, our approach introduces a Dilated Contextual Module (DCM) to address perspective distortion issues. The DCM comprises two branches: one dedicated to reducing channel count while preserving contextual information, and the other leveraging dilated convolutions to capture horizontal features across various scales. The outputs of these branches are concatenated to fuse deep and shallow features effectively. Within the CL-DCNN framework, multiple DCMs are cascaded in the CNN backend to capture complementary scale information. In the final stages, a fully connected layer incorporating 1x1 convolutions is employed to reduce the channel count to 1. This process generates the predicted density map, which is subsequently upsampled to match the original image size. This strategy facilitates direct loss calculation using the real density map, thus mitigating counting errors induced by downsampling. Additionally, CL-DCNN utilizes the entire image for training instead of relying on image patches, thereby enhancing estimation accuracy.
The primary contributions of this study are outlined as follows:
  • Initially, by amalgamating several convolutional and dilated convolutional blocks into two branches, we introduce a dilated contextual module designed to address the issue of perspective distortion inherent in crowd images.
  • Subsequently, we propose a novel dilated convolutional network aimed at fully leveraging the cross-layer connections across various feature maps. This network facilitates the fusion of contextual information while preserving intricate details within crowd images.
To assess the efficacy of the proposed CL-DCNN, we evaluate its performance across five publicly available crowd counting datasets: ShanghaiTech parts A and B, Mall, UCF_CC_50, and UCF-QNRF. Comparative analysis against state-of-the-art methodologies reveals that the CL-DCNN yields significantly lower estimation errors in crowd counting.
The subsequent sections of this paper are structured as follows. In Section 2, we present an overview of related works to contextualize the proposed approach. Section 3 offers a comprehensive exposition of the proposed CL-DCNN, encompassing detailed discussions on the Dilated Contextual Module (DCM) and the associated loss function. In Section 4, we undertake extensive experiments across five publicly available datasets, conducting comparative analyses with leading state-of-the-art methodologies. Finally, Section 5 presents the concluding remarks, summarizing the key findings and contributions of this study.

2. Related Works

In this section, we provide a concise overview of CNN-based approaches to crowd counting, encompassing both multicolumn CNN-based methods and dilated convolution-based methods. These approaches are delineated in the subsequent subsections for clarity and ease of reference.

2.1. Multicolumn CNN-Based Methods

Due to the variability in distances between monitoring equipment and individuals, perspective distortion can lead to significant scale variations in head images across different positions. Addressing this challenge, early research efforts have extensively employed multicolumn network structures. For instance, the multicolumn convolutional neural network (MCNN) [2] is introduced, comprising three convolutional layers with distinct kernel sizes and a feature fusing layer employing a 1 × 1 convolution. The MCNN’s columnar architecture enables the detection of heads of varying sizes within crowd images by accommodating different receptive fields. Similarly, the CountForest model [4], adopting a multicolumn structure, integrates a multi-branch convolutional neural network with deep regression forest techniques for crowd counting. By replacing the softmax layer with probabilistic decision mechanisms, CountForest effectively establishes mappings between image features and crowd counts in an end-to-end fashion. Furthermore, to adaptively encode contextual information across different scales, the CA-Net [3] is introduced as a trainable deep architecture. Through learning the significance of features at various locations within crowd images, CA-Net enhances the contextual understanding of the scene.
Furthermore, by integrating the U-net architecture with an Adaptive Scenario Discovery (ASD) module, Hafeezallah et al. proposed the U-ASD-Net [12] for crowd counting. Specifically, the U-ASD-Net employs a max-unpooling layer to upsample feature maps based on maximum locations, thereby replacing the nearest upsampling method in the U-part. The ASD component comprises three lightweight pathways, with two dedicated to capturing different crowd densities, each with distinct receptive fields. Additionally, the third pathway is designed to identify and model complex scenarios by recalculating pathway-wise responses. Incorporating scale information, the Scale-aware Representation Network (SRNet) [13] is introduced for crowd density estimation within an encoder-decoder framework. SRNet comprises two modules: the Scale-aware Feature Learning Module (SAM) and the Pixel-aware Upsampling Module (PAM). SAM adeptly models multi-scale crowd features at each level, employing varying receptive field sizes. Conversely, PAM enhances spatial resolution and enriches pixel-level semantic information, consequently bolstering overall counting accuracy.
Multicolumn approaches, while effective in certain contexts, are not without their limitations. Their reliance on multiple streams of convolutional layers to process the same image can lead to heightened computational costs and memory usage. Moreover, they may fall short in effectively capturing contextual information, a vital aspect for precise crowd counting. Furthermore, models employing multiple networks often boast numerous parameters and necessitate extensive calculations, posing challenges in achieving real-time crowd counting capabilities.

2.2. Dilated Convolution-Based Methods

Due to its capacity to acquire a larger receptive field without escalating the parameter count in deep learning models, dilated convolution has become prevalent in the literature on crowd counting for capturing contextual information at deeper scales. An early example is the CSRNet [9], which employs dilated convolution. This method comprises a front-end network and a back-end network. The front-end segment utilizes a pre-trained VGG16 network devoid of fully connected layers to extract image features. Conversely, the back-end network employs an extended dilated convolutional layer to broaden the sensing domain while preserving resolution, thus facilitating the generation of high-quality crowd density maps.
Subsequently, several variants of dilated convolution-based models have emerged for crowd counting, each offering advancements in succession. To address the scale variation stemming from perspective distortion, the Atrous Convolutions Spatial Pyramid Network (ACSPNet) [10] is introduced. This model conducts crowd counts and generates density maps for both sparse and congested scenarios. By employing atrous convolution within a spatial pyramid pooling module, it effectively expands the perception field of feature maps while preserving resolution. Zhu et al. [14] presented a crowd counting method termed the Dilated-Transposed Fully Convolutional Neural Network (DT-CNN), comprising a Feature Extraction Module (FEM) and a Feature Recovery Module (FRM). This architecture is tailored to produce high-quality density maps and accurately estimate passenger counts in densely populated metro scenes. Additionally, to tackle the issue of dramatic scale variations, the Perspective-Guided Fractional-Dilation Network (PFDNet) [11] was proposed for crowd counting. This model adeptly models continuous scale variation and selects appropriate fractional dilated kernels to adapt to different spatial locations.
These approaches have showcased the efficacy of dilated convolution in crowd counting, yielding superior performance compared to multicolumn-based methods. However, as the network depth increases, there is a risk of losing more detailed information. Given that crowd counting entails pixel-level regression, preserving intricate details, particularly in congested scenes, is paramount. Consequently, relying solely on dilated convolutions to expand the receptive field may lead to significant loss of detail in shallow features, potentially compromising crowd counting accuracy. To mitigate these concerns, we propose a Dilated Convolutional Neural Network-based Cross-Level Contextual Information Extraction Network (CL-DCNN) for crowd counting. This novel framework aims to preserve detailed information within shallow features while effectively leveraging cross-level contextual information.

3. Proposed Method

In our research, we introduce a novel approach, the Cross-Level Dilated Convolutional Neural Network (CL-DCNN), tailored specifically for crowd counting tasks. As depicted in Figure 2, the network comprises three key components: the backbone module, Dilated Contextual Modules (DCMs), and a fully connected layer. To enable the network to process input of varying sizes, we adapt the VGG16 architecture by replacing its fully connected layer with a fully convolutional layer. In Figure 2, we retain the first 10 convolutional layers of VGG16 as feature extraction layers, while preserving only three max-pooling layers. This design choice results in the feature map being reduced to half its original size at each max-pooling layer, yielding an overall reduction factor of 8. Subsequently, multiple DCMs are stacked following the backbone network. Finally, a fully connected layer is incorporated at the network’s backend to reduce the number of channels to 1, thereby generating the predicted density map. The density map is then upsampled to match the original image’s dimensions. This step is pivotal as it facilitates direct loss calculation with the real density map, thus mitigating counting errors attributed to downsampling. Essentially, the predicted density map shares the same dimensions as the ground truth density map, simplifying direct comparison. For CL-DCNN with one DCM, detailed layer parameters are provided in Table 1.

3.1. Dilated Contextual Module

To harness richer contextual information, dilated convolution is integrated into deep layers of convolutional neural networks without compromising the resolution of the feature maps. Specifically, it introduces gaps between input elements, facilitating the capture of a broader context of information. The size of this gap is regulated by a parameter known as the dilation rate. Figure 3 illustrates examples of the receptive field of dilated convolution with a kernel size of 3 × 3 at various dilation rates. Notably, the receptive field remains identical to that of ordinary convolution when the dilation ratio r = 1. However, it expands to 5 × 5 and 7 × 7, respectively, as the dilation ratio increases to r = 2 and r = 3. As the dilation rate escalates, the convolution kernel’s receptive field on the input enlarges, enabling the capture of more contextual information.
Dilated convolution effectively expands the receptive field, enhancing the network’s capacity to discern local information within images. In this study, the 2D dilated convolution is defined as follows:
y ( l , m ) = i = 1 L j = 1 M x ( l + r × i , m + r × j ) w ( i , j )
where x and y are the input and output of the dilated convolution, respectively, ( l , m ) is the coordinate of a point on the output y, and w is the dilated convolution kernel with length L, width M, and dilation ratio r.
To tackle the challenge of diminishing spatial information as the receptive field expands with continuous dilated convolution, we introduce a Dilated Contextual Module (DCM) (depicted in Figure 2). Specifically, the abbreviation DBR denotes the sequence of operations: Dilated Convolution-Batch Normalization-ReLU, while CBR represents Convolution-Batch Normalization-ReLU. The numbers following CBR and DBR denote the kernel size-channel-padding-stride and kernel size-channel-padding-stride-dilation rate, respectively.
As depicted in Figure 2, the proposed DCM comprises two branches. The upper branch of the DCM utilizes a 1 × 1 convolution, effectively reducing the number of channels while retaining contextual information. Meanwhile, the lower branch consists of three dilated convolutions, which expand the receptive field and capture multi-scale information. Assuming the input feature map of the DCM is denoted as F, its output can be represented in the following form:
D C M ( F ) = C ( f 1 × 1 ( F ) , f 1 × 1 ( d 3 3 × 3 ( f 1 × 1 ( F ) ) ) )
where f 1 × 1 represents the convolution operation with kernel size 1 × 1, d 3 3 × 3 represents the dilated convolution operation with three convolutional kernels of size 3 × 3, and C ( · ) represents the channel-wise concatenation.
By integrating these two branches, the DCM effectively balances the trade-off between receptive field size and feature resolution. The 1 × 1 convolution in the upper branch serves as a bottleneck, compressing the input feature maps and reducing the computational cost of subsequent dilated convolutions. This ensures that the model can capture both local and global features without compromising spatial resolution. The cross-layer connections, established by concatenating the output feature maps of both branches, facilitate information flow between deep and shallow features, enhancing the model’s ability to extract informative features from crowd images. Furthermore, these connections not only enable the DCM to effectively capture multi-scale information and improve the network’s ability to discern local details and global context, but also enhance information flow between different layers by concatenating the channel dimensions of both branches. This results in improved performance of the CNN backbone. Finally, the output feature map of the DCM preserves the size and number of channels of the input feature map, rendering it a plug-and-play module that seamlessly integrates into the CNN backbone.

3.2. Density Map Generation

In this section, we adopt the methodology established in [2,15] for generating ground-truth density maps of crowd images. Specifically, the presence of a human head target at pixel x i in a crowd image is denoted by the function δ ( x x i ) . To construct a density map, we begin by creating an all-zero matrix of the same dimensions as the crowd image and set the value at the corresponding pixel to 1. If there are N head marks in the crowd images, the resulting image can be generated as follows:
H ( x ) = i = 1 N δ x x i .
Applying a geometry-adaptive Gaussian kernel with standard deviation σ to each δ ( x x i ) , the final density map D ( x ) can be generated by:
D ( x ) = H ( x ) · G σ ( x ) = i = 1 N δ x x i · G σ i ( x )
where · represents the convolution operation and G σ i ( x ) is a 2D Gaussian kernel centered at x i with a standard deviation of σ :
G σ i ( x ) = 1 2 π σ i 2 e x 2 / 2 σ i 2
where σ i = β · d i ¯ with a constant parameter β . d i ¯ is defined as the average k nearest neighbors Euclidean distance:
d ¯ i = 1 k j = 1 k d j i
where d j i represents the distance between the head at pixel x i and the head at pixel x j .
The parameter settings of the Gaussian kernel vary across different datasets, contingent upon the sparsity of the crowd distribution. Typically, a fixed standard deviation of σ = 15 is employed for relatively uniform crowd distributions. However, in congested datasets where heads appear distorted due to significant angle distortion, the standard deviation is determined as the average distance between the k nearest neighbors, with k = 3 commonly chosen. Using the density map, the exact number of persons can be inferred by integrating over it, followed by a rounding operation.

3.3. Loss Function

As crowd counting is regarded as a pixel-level regression task, the Euclidean distance is commonly employed to assess the similarity between the predicted density map and the ground truth density map. Consequently, the loss function in this study is defined as follows:
L ( Θ ) = 1 2 N i = 1 N D X i ; Θ D i 2 2
where N represents the number of training images, D ( X i ; Θ ) denotes the predicted density of the i th input image X i with a set of learnable parameter Θ , encompassing the weights and biases of the backbone network and DCMs in the proposed CL-DCNN model, and D i stands for the true density map of the training sample X i . Additionally, · 2 2 calculates the squared Euclidean distance between the predicted density map and the true density map for similarity computation.

4. Experiments

In the experiments, the proposed method is compared with several representative crowd counting methods on five public datasets. Firstly, detailed information about the datasets and the experimental settings is provided. Subsequently, a comparison evaluation of counting performance between the proposed approach and other state-of-the-art methods reported in the literature is listed and analyzed. Finally, in the last part of the experiment, discussions are conducted to further evaluate the effectiveness of the proposed approach. This includes ablation experiments and comparisons with other typical contextual structures.

4.1. Datasets

In this study, experiments are conducted on five publicly available benchmark datasets: ShanghaiTech part A, ShanghaiTech part B, Mall, UCF_CC_50, and UCF−QNRF. Table 2 presents the specific statistics of these datasets. Additionally, representative samples from these datasets are illustrated in Figure 4.
  • ShanghaiTech [2] stands as one of the most extensively utilized large-scale crowd counting datasets. It comprises 1198 images and 330,165 annotated head centers. The dataset is divided into two parts, part A and part B, reflecting distinct crowd density distributions. Part A consists of images randomly sourced from the Internet, whereas Part B comprises images captured from a bustling street in the metropolis of Shanghai.
  • Mall [16] is a dataset compiled from surveillance videos of shopping centers. The video sequence encompasses 2000 frames and includes a total of 62,325 pedestrians. This dataset encapsulates a broad spectrum of density variations under various lighting conditions, along with instances of severe occlusion between individuals.
  • UCF_CC_50 [17], developed at the University of Central Florida, comprises only 50 images with 63,075 annotated head centers. This dataset encompasses a diverse array of scenes, including concerts, protests, stadiums, and marathons, with densities ranging from 94 to 4543. The images in UCF_CC_50 exhibit different viewing angles, resulting in varying degrees of perspective distortion.
  • UCF-QNRF [18] stands as a highly challenging dataset, comprising 1535 high-resolution crowd images with a total of 1,251,642 annotated head centers. These images encapsulate a wide spectrum of crowd densities and are captured by surveillance cameras with varying viewpoints and angles. Notably congested, the dataset exhibits head counts ranging from 49 to 12,865.

4.2. Implementation Details

To evaluate the performance of crowd counting, two metrics, i.e., mean absolute error (MAE) and root mean square error (RMSE), are widely utilized for comparison. Specifically, MAE measures the mean absolute error between the predicted and true values, while RMSE measures the square root of the mean squared error between the predicted and true values. They are defined as follows:
M A E = 1 N i = 1 N C ( I i ) C ^ ( I i ) )
R M S E = 1 N i = 1 N C ( I i ) C ^ ( I i ) 2
where N is the number of images in the testing set, I i represents the density map of X i , C ^ ( I i ) is the real count of X i , C ( I i ) = w = 1 W h = 1 H I i w , h means the estimated count of X i , and W and H are dimensions of density map, while I i w , h is the pixel at ( h , w ) of I i . The smaller values of MAE and RMSE indicate better performance of the crowd counting model.
Furthermore, all experiments are conducted on a single PC equipped with an Intel(R) Core(TM) i7-8700K CPU and an NVIDIA RTX 2080Ti GPU using PyTorch. Adhering to the general settings found in many literature sources, the original image is randomly cropped to dimensions of 576 × 768 pixels during model training. The number of DCMs for different datasets is set as follows: 1 for ShanghaiTech part A, 3 for ShanghaiTech part B, and 2 for Mall, UCF_CC_50, and UCF-QNRF datasets. Simultaneously, the density map is trimmed to match the image’s size. To augment the training data, random horizontal flipping is applied. The Adam optimizer with a small learning rate of 1 × 10−5 is utilized for model training. To facilitate convergence, the density map is multiplied by a factor of 100, a practice adopted across all proposed experiments. The entire network undergoes training for 1000 epochs, with a lower learning rate employed in the final stages to fine-tune the model.

4.3. Comparisons with State-of-the-Arts

To demonstrate the effectiveness of the proposed approach, we conduct comparisons with state-of-the-art methods recently published across five datasets. In the following subsections, we present the details of these experiments. In instances where results are not provided by the authors in the corresponding papers, we denote this with a hyphen ‘-’.

4.3.1. Results on the ShanghaiTech Dataset

We compare CL-DCNN with other state-of-the-art methods recently reported on the ShanghaiTech dataset, including part A and part B. The detailed results for each method are listed in Table 3. It is evident that the proposed CL-DCNN achieves comparable performance to other approaches with this dataset. On the one hand, the proposed CL-DCNN demonstrates good performance on the ShanghaiTech part A dataset, with the best MAE value of 52.6 compared to multi-scale feature-based approaches, such as Lw-Count, SCNet, and SASNet. On the other hand, when compared with attention-based methods, such as HA-CNN [19] and CG-DRCN-CC [20], CL-DCNN achieves competitive performance on both the densely populated ShanghaiTech part A dataset and the sparsely populated ShanghaiTech part B dataset, with an MAE/RMSE of 8.1/12.8. From the results in Table 3, it can be concluded that CL-DCNN achieves superior performance compared to the state-of-the-art methods on the part A dataset, indicating that our model effectively captures spatial contextual information and accurately predicts crowd density on this dataset. However, our approach falls slightly behind the state-of-the-art approaches on the part B dataset. This phenomenon may be attributed to the higher level of difficulty in the part B dataset, which includes more complex crowd density distributions and backgrounds. This complexity may lead to CL-DCNN encountering difficulties in accurately estimating crowd density in complex scenes, while the state-of-the-art methods exhibit better generalization ability in this regard.
In comparison to state-of-the-art methods, CL-DCNN exhibits a simpler structure yet achieves comparable performance on the Part_B dataset, showcasing the superiority of our approach. These results affirm the effectiveness of CL-DCNN on the ShanghaiTech dataset. Figure 5 illustrates examples of density map prediction results generated by CL-DCNN on the ShanghaiTech dataset. It is evident that the crowd counting results predicted by CL-DCNN are highly accurate and closely approximate the ground truth. Furthermore, these examples underscore the effectiveness of our proposed method in handling complex crowd scenes with varying crowd densities and backgrounds.

4.3.2. Results on the Mall Dataset

For the Mall dataset, the proposed CL-DCNN was compared with 12 other state-of-the-art approaches. Detailed results of all these approaches are listed in Table 4. Among these methods, both CountForest and MCNN employ a multi-column structure, with CountForest constructing a hybrid model for crowd counting by integrating a multi-branch convolutional neural network and deep regression forest. Comparatively, the proposed CL-DCNN achieves better counting performance when contrasted with multi-scale feature-based approaches such as MGF, MLSTN, and SAC-Crowd. Results in Table 4 demonstrate that CL-DCNN achieves the best MAE/RMSE results of 1.55/2.01 on the Mall dataset compared to all these methods. This indicates that CL-DCNN performs admirably in scenes with sparse crowds and significant occlusions. Examples of generated results can be seen in Figure 6.

4.3.3. Results on the UCF_CC_50 and UCF-QNRF Datasets

For the UCF_CC_50 and UCF-QNRF datasets, we compare the proposed CL-DCNN with other state-of-the-art approaches recently reported, as listed in Table 5. It is evident that CL-DCNN achieves competitive MAE/RMSE values of 181.8/240.6 on the UCF_CC_50 dataset and 96.4/168.7 on the UCF-QNRF dataset. Compared to the other approaches in Table 5, CL-DCNN still demonstrates significant advantages. Selected samples from these two datasets are depicted in Figure 7. It can be inferred that UCF-QNRF poses a greater challenge than UCF_CC_50, featuring a wider range of densities and more noise, making it more difficult to handle. While the cross-layer connections and dilated convolutions utilized in CL-DCNN may not be entirely sufficient to effectively address the complex scenarios in the UCF-QNRF dataset, it still outperforms most state-of-the-art methods, demonstrating its superiority. These results underscore the effectiveness and robustness of our CL-DCNN method for counting and density estimation tasks in crowded scenes. The superior performance of our method on the UCF_CC_50 dataset can be attributed to its ability to handle complex scenes with significant variations in scale and density. Additionally, our method’s competitive performance on the UCF-QNRF dataset showcases its potential for deployment in real-world scenarios, where accurate crowd counting and density estimation are crucial for ensuring public safety and security. Overall, our CL-DCNN method shows promise as a reliable and efficient tool for crowd analysis in various settings.

4.4. Ablation Study

In this section, several ablation studies are conducted to assess the effects of different modules in our proposed CL-DCNN method. These studies are carried out on the ShanghaiTech datasets, encompassing both part A and part B.

4.4.1. Number of DCMs

To assess the effectiveness of the proposed DCM, an ablation study was systematically conducted on the ShanghaiTech dataset. The number of DCMs was varied from 0 to 4 in this experiment, and estimation errors measured through MAE and RMSE for part A and part B are presented in Table 6.
The results show noticeable improvements in the proposed approach by adjusting the number of DCMs. Particularly, incorporating one DCM resulted in the best performance, achieving a 17.48% improvement in MAE and a 12.53% improvement in RMSE compared to the baseline approach without DCM for part A. For part B, it achieved 26.1% and 15.93% improvements in MAE and RMSE, respectively. However, increasing the number of DCMs to two resulted in a decrease in performance, possibly due to overfitting and increased model complexity. These findings underscore the importance of carefully selecting the number of DCMs to balance model complexity and performance. Overall, the results demonstrate that the proposed DCM can effectively capture contextual information and enhance the performance of crowd counting methods.

4.4.2. Backbone

In addition to varying the number of DCMs, different backbone networks are employed to evaluate the performance of the proposed approach. Three typical structures, including AlexNet, VGG16, and ResNet50, are utilized in this experiment for the ShanghaiTech dataset. Estimation errors, measured through MAE and RMSE for part A and part B, are listed in Table 7. Specifically, for AlexNet-based CL-DCNN, the first five convolutional layers with two max-pooling layers in AlexNet are utilized as the feature extractor. Then, for VGG16-based CL-DCNN, the first 10 convolutional layers with 3 max-pooling layers in VGG16 are employed to extract features from crowd images. Lastly, for ResNet50-based CL-DCNN, the entire structure of ResNet50 is utilized as the feature extractor without the last fully connected layer. Furthermore, to reduce training costs, all these backbone networks are pre-trained on ImageNet, and we fine-tune them in this experiment.
It can be observed that estimation error varies with different backbone networks. Compared with VGG16 and ResNet50, the MAE and RMSE values of AlexNet-based CL-DCNN for the ShanghaiTech dataset are the highest among these three approaches. This is because the structure of AlexNet is much simpler than the other two, which may lead to certain underfitting for the testing dataset. However, the parameter spacing of ResNet50 is relatively larger than the other two backbone networks, which may result in overfitting to some extent. Consequently, the estimation error in MAE and RMSE is inferior to VGG16-based CL-DCNN for the ShanghaiTech dataset. In addition, the CPU time for fine-tuning also increases with the parameter space of different backbone networks. Generally, the performance of VGG16-based CL-DCNN is the best among these three methods because of its comparatively situated parameter space for the size of the ShanghaiTech dataset.

4.5. Discussions

In this section, several experiments are conducted to discuss the proposed approach, including comparisons with other contextual models, computational complexity analysis, and the quality of the estimation results.
Firstly, the core idea of DCM is established with dilated convolution, which concatenates contextual features and reduces the loss of detailed information. It is worth noting that there are other structures, such as the Cross-Stage Partial (CSP) network [52] and transformer learning [53], that can achieve similar effects, as listed in Figure 8a,b, respectively.
The CSP network is similar to DCM in that it divides shallow feature maps into two parts in the channel dimension. One part is propagated forward through the feature extraction module, while the other part is merged with the output through the cross-stage hierarchy structure, resulting in richer gradient combinations. Unlike DCM, the CSP network uses residual blocks for feature extraction. The outputs of the two parts are merged together to achieve a richer gradient combination. On the other hand, transformer learning employs a self-attention mechanism to connect contextual features. To verify the effectiveness of the proposed approach, these approaches are implemented on a VGG16 backbone network and evaluated on parts A and B of the ShanghaiTech dataset. The comparative results of these approaches are presented in Table 8.
Experimental results in Table 8 indicate that the proposed CL-DCNN model outperforms other methods in terms of crowd counting, demonstrating the effectiveness of the DCM in capturing multi-scale information. Specifically, our method achieved a 25.8% improvement in terms of MAE and a 22.55% improvement in terms of RMSE for the CSP network, and a 62.5% improvement in terms of MAE and a 57.9% improvement in terms of RMSE for the transformer learning. For the CSP network, it aims to capture the global and local contextual information by fusing features with different scales. One possible reason for the relatively poor performance of transformer learning is that it may not be well-suited for capturing local spatial information, which is important for accurate crowd counting. Transformer learning relies heavily on self-attention mechanisms, which are designed to capture long-range dependencies between different parts of an input sequence. However, in crowd counting, the local spatial arrangement of people is often more important than long-range dependencies. The results of the experiments demonstrate the effectiveness of CL-DCNN in capturing both local and global contextual information using dilated convolution operations. Overall, the proposed CL-DCNN method outperforms state-of-the-art methods in crowd counting. The DCM proves to be a useful addition to enhance the performance of CNN-based crowd counting methods.
Secondly, to reduce the complexity of the CL-DCNN, the VGG16 network is used as a backbone for feature extraction. Table 9 includes information on the computation complexity in terms of the number of parameters and runtime. Despite the Cascaded-MTL [21] presenting the lightest model with only 0.12M parameters and the fastest runtime among these methods, it has the worst estimation performance, which may be caused by the underfitting of the model. During the evaluation phase, the proposed CL-DCNN takes almost 11M parameters to process a frame with 576 × 768 pixels for all testing datasets on an RTX 2080ti GPU. With a pre-trained model on ImageNet, the CL-DCNN provides a faster execution time than the Switching-CNN [22] and CP-CNN [23] models. Moreover, for PCC Net [25], its parameter space is as light as the Cascaded-MTL model, but its runtime is even higher due to the inferior running platform. As shown in Table 9, the parameter number of the proposed CL-DCNN is one-third of the U-ASD network [12] and with a lower runtime. After considering the running platform and parameter quantity comprehensively, the effectiveness of the proposed CL-DCNN and U-ASD network is equivalent.
Finally, due to perspective distortion and background noise, the performance of the proposed CL-DCNN is significantly degraded in some crowd images. Specifically, a few sample images from the ShanghaiTech dataset are shown in Figure 9. The image in the first row is affected by a cluttered background, while the one in the second row is notably distorted by perspective issues. These drastic scale changes resulting from these factors pose significant challenges for crowd counting.

5. Conclusions

In this study, we introduce CL-DCNN, a dilated convolutional neural network that integrates a dilated contextual module into its architecture to capture both global and local contextual information. Our experimental findings demonstrate that CL-DCNN surpasses state-of-the-art methods across five publicly available datasets. Moreover, despite its advanced performance, CL-DCNN maintains a reasonable computational overhead compared to alternative approaches. Nonetheless, there are still inherent limitations in our proposed method. Future research should explore the integration of lighter-weight CNN architectures with the dilated contextual module to enhance its applicability in practical scenarios, such as unmanned aerial vehicle platforms.

Author Contributions

Conceptualization, Z.Z. and X.H.; methodology, Z.Z. and P.M.; software, P.M. and M.J.; validation, Z.Z., M.J. and X.W.; formal analysis, X.W.; investigation, P.M.; resources, X.H.; data curation, P.M.; writing—original draft preparation, Z.Z. and P.M.; writing—review and editing, Z.Z. and M.J.; visualization, P.M.; supervision, X.H.; project administration, X.H.; funding acquisition, Z.Z. and X.W. All authors have read and agreed to the published version of the manuscript.

Funding

This research was funded by the National Natural Science Foundation, grant number 61976177 and U21A20524, and the Key R&D Project in Shaanxi Province of China, grant number 2023-YBGY-222.

Institutional Review Board Statement

Not applicable.

Informed Consent Statement

Not applicable.

Data Availability Statement

The data that support the findings of this study are openly available.

Acknowledgments

The authors would like to thank the anonymous reviewers for their valuable comments that have led to the present improved version of the original manuscript.

Conflicts of Interest

The authors declare no conflicts of interest.

References

  1. Liu, X.; Liu, W.; Mei, T.; Ma, H. PROVID: Progressive and Multimodal Vehicle Reidentification for Large-Scale Urban Surveillance. IEEE Trans. Multimed. 2018, 20, 645–658. [Google Scholar] [CrossRef]
  2. Zhang, Y.; Zhou, D.; Chen, S.; Gao, S.; Ma, Y. Single-image crowd counting via multi-column convolutional neural network. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Las Vegas, NV, USA, 27–30 June 2016; pp. 589–597. [Google Scholar]
  3. Liu, W.; Salzmann, M.; Fua, P. Context-aware crowd counting. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, Long Beach, CA, USA, 15–20 June 2019; pp. 5099–5108. [Google Scholar]
  4. Ji, Q.; Zhu, T.; Bao, D. A hybrid model of convolutional neural networks and deep regression forests for crowd counting. Appl. Intell. 2020, 50, 2818–2832. [Google Scholar] [CrossRef]
  5. Elharrouss, O.; Almaadeed, N.; Abualsaud, K.; Al-Maadeed, S.; Al-Ali, A.; Mohamed, A. FSC-set: Counting, localization of football supporters crowd in the stadiums. IEEE Access 2022, 10, 10445–10459. [Google Scholar] [CrossRef]
  6. Lin, H.; Ma, Z.; Ji, R.; Wang, Y.; Hong, X. Boosting crowd counting via multifaceted attention. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, New Orleans, LA, USA, 18–24 June 2022; pp. 19628–19637. [Google Scholar]
  7. Liu, Y.; Cao, G.; Shi, H.; Hu, Y. Lw-count: An effective lightweight encoding-decoding crowd counting network. IEEE Trans. Circuits Syst. Video Technol. 2022, 32, 6821–6834. [Google Scholar] [CrossRef]
  8. Song, Q.; Wang, C.; Wang, Y.; Tai, Y.; Wang, C.; Li, J.; Wu, J.; Ma, J. To choose or to fuse? Scale selection for crowd counting. In Proceedings of the AAAI Conference on Artificial Intelligence, Virtual Event, 2–9 February 2021; Volume 35, pp. 2576–2583. [Google Scholar]
  9. Li, Y.; Zhang, X.; Chen, D. Csrnet: Dilated convolutional neural networks for understanding the highly congested scenes. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Salt Lake City, UT, USA, 18–23 June 2018; pp. 1091–1100. [Google Scholar]
  10. Ma, J.; Dai, Y.; Tan, Y.P. Atrous convolutions spatial pyramid network for crowd counting and density estimation. Neurocomputing 2019, 350, 91–101. [Google Scholar] [CrossRef]
  11. Yan, Z.; Zhang, R.; Zhang, H.; Zhang, Q.; Zuo, W. Crowd Counting via Perspective-Guided Fractional-Dilation Convolution. IEEE Trans. Multimed. 2022, 24, 2633–2647. [Google Scholar] [CrossRef]
  12. Hafeezallah, A.; Al-Dhamari, A.; Abu-Bakar, S.A.R. U-ASD Net: Supervised Crowd Counting Based on Semantic Segmentation and Adaptive Scenario Discovery. IEEE Access 2021, 9, 127444–127459. [Google Scholar] [CrossRef]
  13. Huang, L.; Zhu, L.; Shen, S.; Zhang, Q.; Zhang, J. SRNet: Scale-aware representation learning network for dense crowd counting. IEEE Access 2021, 9, 136032–136044. [Google Scholar] [CrossRef]
  14. Zhu, G.; Zeng, X.; Jin, X.; Zhang, J. Metro passengers counting and density estimation via dilated-transposed fully convolutional neural network. Knowl. Inf. Syst. 2021, 63, 1557–1575. [Google Scholar] [CrossRef]
  15. Zhang, C.; Li, H.; Wang, X.; Yang, X. Cross-scene crowd counting via deep convolutional neural networks. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Boston, MA, USA, 7–12 June 2015; pp. 833–841. [Google Scholar]
  16. Wu, Z.; Zhang, X.; Tian, G.; Wang, Y.; Huang, Q. Spatial-Temporal Graph Network for Video Crowd Counting. IEEE Trans. Circuits Syst. Video Technol. 2023, 33, 228–241. [Google Scholar] [CrossRef]
  17. Idrees, H.; Saleemi, I.; Seibert, C.; Shah, M. Multi-source multi-scale counting in extremely dense crowd images. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Portland, OR, USA, 23–28 June 2013; pp. 2547–2554. [Google Scholar]
  18. Idrees, H.; Tayyab, M.; Athrey, K.; Zhang, D.; Al-Maadeed, S.; Rajpoot, N.; Shah, M. Composition loss for counting, density map estimation and localization in dense crowds. In Proceedings of the European Conference on Computer Vision (ECCV), Munich, Germany, 8–14 September 2018; pp. 532–546. [Google Scholar]
  19. Sindagi, V.A.; Patel, V.M. Ha-ccn: Hierarchical attention-based crowd counting network. IEEE Trans. Image Process. 2019, 29, 323–335. [Google Scholar] [CrossRef]
  20. Sindagi, V.A.; Yasarla, R.; Patel, V.M. JHU-CROWD++: Large-Scale Crowd Counting Dataset and A Benchmark Method. IEEE Trans. Pattern Anal. Mach. Intell. 2020, 44, 2594–2609. [Google Scholar] [CrossRef]
  21. Sindagi, V.A.; Patel, V.M. CNN-based Cascaded Multi-task Learning of High-level Prior and Density Estimation for Crowd Counting. In Proceedings of the IEEE International Conference on Advanced Video and Signal Based Surveillance, Lecce, Italy, 29 August–1 September 2017; Number 17287241. pp. 1–6. [Google Scholar]
  22. Sam, D.B.; Surya, S.; Babu, R.V. Switching Convolutional Neural Network for Crowd Counting. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Honolulu, HI, USA, 21–26 July 2017; pp. 4031–4039. [Google Scholar]
  23. Sindagi, V.A.; Patel, V.M. Generating High-Quality Crowd Density Maps Using Contextual Pyramid CNNs. In Proceedings of the IEEE International Conference on Computer Vision, Venice, Italy, 22–29 October 2017; pp. 1879–1888. [Google Scholar]
  24. Xiong, H.; Lu, H.; Liu, C.; Liu, L.; Cao, Z.; Shen, C. From Open Set to Closed Set: Counting Objects by Spatial Divide-and-Conquer. In Proceedings of the IEEE/CVF International Conference on Computer Vision, Seoul, Republic of Korea, 27 October–2 November 2019; pp. 8361–8370. [Google Scholar]
  25. Gao, J.; Wang, Q.; Li, X. PCC Net: Perspective Crowd Counting via Spatial Convolutional Network. IEEE Trans. Circuits Syst. Video Technol. 2020, 30, 3486–3498. [Google Scholar] [CrossRef]
  26. Sam, D.B.; Peri, S.V.; Sundararaman, M.N.; Kamath, A.; Babu, R.V. Locate, size, and count: Accurately resolving people in dense crowds via detection. IEEE Trans. Pattern Anal. Mach. Intell. 2020, 43, 2739–2751. [Google Scholar]
  27. Bai, S.; He, Z.; Qiao, Y.; Hu, H.; Wu, W.; Yan, J. Adaptive Dilated Network with Self-Correction Supervision for Counting. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, Seattle, WA, USA, 13–19 June 2020; pp. 4593–4602. [Google Scholar]
  28. Elharrouss, O.; Almaadeed, N.; Abualsaud, K.; Al-Ali, A.; Mohamed, A.; Khattab, T.; Al-Maadeed, S. Drone-SCNet: Scaled cascade network for crowd counting on drone images. IEEE Trans. Aerosp. Electron. Syst. 2021, 57, 3988–4001. [Google Scholar] [CrossRef]
  29. Jiang, X.; Zhang, L.; Zhang, T.; Lv, P.; Zhou, B.; Pang, Y.; Xu, M.; Xu, C. Density-Aware Multi-Task Learning for Crowd Counting. IEEE Trans. Multimed. 2021, 23, 443–453. [Google Scholar] [CrossRef]
  30. Yang, Y.; Li, G.; Du, D.; Huang, Q.; Sebe, N. Embedding Perspective Analysis Into Multi-Column Convolutional Neural Network for Crowd Counting. IEEE Trans. Image Process. 2021, 30, 1395–1407. [Google Scholar] [CrossRef] [PubMed]
  31. Lin, H.; Hong, X.; Ma, Z.; Wei, X.; Qiu, Y.; Wang, Y.; Gong, Y. Direct Measure Matching for Crowd Counting. In Proceedings of the International Joint Conferences on Artificial Intelligence Organization, Virtual Event, 19–26 August 2021; pp. 837–844. [Google Scholar]
  32. Khan, S.D.; Salih, Y.; Zafar, B.; Noorwali, A. A Deep-Fusion Network for Crowd Counting in High-Density Crowded Scenes. Int. J. Comput. Intell. Syst. 2021, 14, 168. [Google Scholar] [CrossRef]
  33. Shu, W.; Wan, J.; Tan, K.C.; Kwong, S.; Chan, A.B. Crowd counting in the frequency domain. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, New Orleans, LA, USA, 18–24 June 2022; pp. 19618–19627. [Google Scholar]
  34. Chen, K.; Loy, C.C.; Gong, S.; Xiang, T. Feature mining for localised crowd counting. In Proceedings of the British Machine Vision Conference, Guildford, UK, 3–7 September 2012; pp. 1–11. [Google Scholar]
  35. Wang, Y.; Zou, Y. Fast visual object counting via example-based density estimation. In Proceedings of the IEEE International Conference on Image Processing (ICIP), Phoenix, AZ, USA, 25–28 September 2016; pp. 3653–3657. [Google Scholar]
  36. Xiong, F.; Shi, X.; Yeung, D.Y. Spatiotemporal Modeling for Crowd Counting in Videos. In Proceedings of the IEEE International Conference on Computer Vision, Venice, Italy, 22–29 October 2017; pp. 5161–5169. [Google Scholar]
  37. Sheng, B.; Shen, C.; Lin, G.; Li, J.; Yang, W.; Sun, C. Crowd Counting via Weighted VLAD on a Dense Attribute Feature Map. IEEE Trans. Circuits Syst. Video Technol. 2018, 28, 1788–1797. [Google Scholar] [CrossRef]
  38. Liu, L.; Wang, H.; Li, G.; Ouyang, W.; Lin, L. Crowd Counting Using Deep Recurrent Spatial-Aware Network. In Proceedings of the International Joint Conference on Artificial Intelligence, Stockholm, Sweden, 9–19 July 2018; pp. 849–855. [Google Scholar]
  39. Kong, W.; Li, H.; Xing, G.; Zhao, F. An Automatic Scale-Adaptive Approach with Attention Mechanism-Based Crowd Spatial Information for Crowd Counting. IEEE Access 2019, 7, 66215–66225. [Google Scholar] [CrossRef]
  40. Saqib, M.; Khan, S.D.; Sharma, N.; Blumenstein, M. Crowd counting in low-resolution crowded scenes using region-based deep convolutional neural networks. IEEE Access 2019, 7, 35317–35329. [Google Scholar] [CrossRef]
  41. Fang, Y.; Zhan, B.; Cai, W.; Gao, S.; Hu, B. Locality-Constrained Spatial Transformer Network for Video Crowd Counting. In Proceedings of the IEEE International Conference on Multimedia and Expo, Shanghai, China, 8–12 July 2019; pp. 814–819. [Google Scholar]
  42. Miao, Y.; Han, J.; Gao, Y.; Zhang, B. ST-CNN: Spatial-Temporal Convolutional Neural Network for crowd counting in videos. Pattern Recognit. Lett. 2019, 125, 113–118. [Google Scholar] [CrossRef]
  43. Fang, Y.; Gao, S.; Li, J.; Luo, W.; He, L.; Hu, B. Multi-level feature fusion based Locality-Constrained Spatial Transformer network for video crowd counting. Neurocomputing 2020, 392, 98–107. [Google Scholar] [CrossRef]
  44. Wu, X.; Xu, B.; Zheng, Y.; Ye, H.; Yang, J.; He, L. Fast video crowd counting with a Temporal Aware Network. Neurocomputing 2020, 403, 13–20. [Google Scholar] [CrossRef]
  45. Han, T.; Gao, J.; Yuan, Y.; Wang, Q. Focus on Semantic Consistency for Cross-Domain Crowd Understanding. In Proceedings of the IEEE International Conference on Acoustics, Speech and Signal Processing, Barcelona, Spain, 4–8 May 2020; pp. 1848–1852. [Google Scholar]
  46. Cai, Y.; Ma, Z.; Lu, C.; Wang, C.; He, G. Global Representation Guided Adaptive Fusion Network for Stable Video Crowd Counting. IEEE Trans. Multimed. 2022, 25, 5222–5233. [Google Scholar] [CrossRef]
  47. Wang, Q.; Gao, J.; Lin, W.; Yuan, Y. Learning from Synthetic Data for Crowd Counting in the Wild. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, Long Beach, CA, USA, 15–20 June 2019; pp. 8190–8199. [Google Scholar]
  48. Basalamah, S.; Khan, S.D.; Ullah, H. Scale Driven Convolutional Neural Network Model for People Counting and Localization in Crowd Scenes. IEEE Access 2019, 7, 71576–71584. [Google Scholar] [CrossRef]
  49. Khan, S.D.; Basalamah, S. Sparse to Dense Scale Prediction for Crowd Couting in High Density Crowds. Arab. J. Sci. Eng. 2021, 46, 3051–3065. [Google Scholar] [CrossRef]
  50. Khan, S.D.; Basalamah, S. Scale and density invariant head detection deep model for crowd counting in pedestrian crowds. Vis. Comput. 2021, 37, 2127–2137. [Google Scholar] [CrossRef]
  51. Wan, J.; Wang, Q.; Chan, A.B. Kernel-Based Density Map Generation for Dense Object Counting. IEEE Trans. Pattern Anal. Mach. Intell. 2022, 44, 1357–1370. [Google Scholar] [CrossRef]
  52. Wang, C.Y.; Liao, H.Y.M.; Wu, Y.H.; Chen, P.Y.; Hsieh, J.W.; Yeh, I.H. CSPNet: A new backbone that can enhance learning capability of CNN. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition Workshops, Seattle, WA, USA, 14–19 June 2020; pp. 390–391. [Google Scholar]
  53. Liang, D.; Chen, X.; Xu, W.; Zhou, Y.; Bai, X. Transcrowd: Weakly-supervised crowd counting with transformers. Sci. China Inf. Sci. 2022, 65, 160104. [Google Scholar] [CrossRef]
Figure 1. Challenges in crowd counting tasks (a) for perspective distortion, (b) for background noise, and (c) for occlusion.
Figure 1. Challenges in crowd counting tasks (a) for perspective distortion, (b) for background noise, and (c) for occlusion.
Sensors 24 01816 g001
Figure 2. Network structure of the proposed CL-DCNN.
Figure 2. Network structure of the proposed CL-DCNN.
Sensors 24 01816 g002
Figure 3. Examples of the receptive field of dilated convolution with different dilation ratio r: (a) for r = 1 with receptive field 3 × 3 in size, (b) for r = 2 with receptive field 5 × 5 in size, and (c) for r = 3 with receptive field 7 × 7 in size.
Figure 3. Examples of the receptive field of dilated convolution with different dilation ratio r: (a) for r = 1 with receptive field 3 × 3 in size, (b) for r = 2 with receptive field 5 × 5 in size, and (c) for r = 3 with receptive field 7 × 7 in size.
Sensors 24 01816 g003
Figure 4. Sample images from benchmark crowd counting datasets: (a) ShanghaiTech part A; (b) ShanghaiTech part B; (c) MALL; (d) UCF_CC_50; (e) UCF-QNRF.
Figure 4. Sample images from benchmark crowd counting datasets: (a) ShanghaiTech part A; (b) ShanghaiTech part B; (c) MALL; (d) UCF_CC_50; (e) UCF-QNRF.
Sensors 24 01816 g004
Figure 5. Results on the ShanghaiTech dataset. (a) for ShanghaiTech part A and (b) for ShanghaiTech part B. The first row shows different crowd test samples. The second row illustrates the ground truth, while the third rows displays the estimated results.
Figure 5. Results on the ShanghaiTech dataset. (a) for ShanghaiTech part A and (b) for ShanghaiTech part B. The first row shows different crowd test samples. The second row illustrates the ground truth, while the third rows displays the estimated results.
Sensors 24 01816 g005
Figure 6. Results on Mall dataset. The first row illustrates different congested test samples, the second row presents corresponding ground truth, and the third row shows estimated results.
Figure 6. Results on Mall dataset. The first row illustrates different congested test samples, the second row presents corresponding ground truth, and the third row shows estimated results.
Sensors 24 01816 g006
Figure 7. Results on the UCF_CC_50 and the UCF-QNRF datasets (shown in (a) and (b), respectively). The first row illustrates different congested test samples, the second row presents corresponding ground truth, and the third row shows estimated results. (a) UCF_CC_50; (b) UCF-QNRF.
Figure 7. Results on the UCF_CC_50 and the UCF-QNRF datasets (shown in (a) and (b), respectively). The first row illustrates different congested test samples, the second row presents corresponding ground truth, and the third row shows estimated results. (a) UCF_CC_50; (b) UCF-QNRF.
Sensors 24 01816 g007
Figure 8. Other contextual structures for performance comparison. (a) CSP network; (b) Transformer learning.
Figure 8. Other contextual structures for performance comparison. (a) CSP network; (b) Transformer learning.
Sensors 24 01816 g008
Figure 9. Some poor samples of the proposed CL-DCNN for the ShanghaiTech dataset.
Figure 9. Some poor samples of the proposed CL-DCNN for the ShanghaiTech dataset.
Sensors 24 01816 g009
Table 1. Structures and detailed parameter settings of the proposed CL-DCNN.
Table 1. Structures and detailed parameter settings of the proposed CL-DCNN.
StructuresLayer TypesNumber of ChannelsKernel SizePadding SizeStrideDilation Rate
Backboneconv643 × 3111
conv
max-pooling-2 × 2-2-
conv1283 × 3111
conv
max-pooling-2 × 2-2-
conv2563 × 3111
conv
conv
max-pooling-2 × 2-2-
conv5123 × 3111
conv
conv
DCM_i
(1 ≤ i ≤ m)
Branch_12561 × 1011
1281 × 1011
643 × 3212
Branch_2323 × 3212
163 × 3212
2561 × 1011
fully connected layer11 × 1011
Table 2. Statistics of the benchmark datasets used in the experiments. Total, Min, Avg, and Max represent the total number, the minimum, average number, and maximum number of instances in the datasets, respectively.
Table 2. Statistics of the benchmark datasets used in the experiments. Total, Min, Avg, and Max represent the total number, the minimum, average number, and maximum number of instances in the datasets, respectively.
DatasetNumber of ImagesTraining/TestingAverage ResolutionStatistics
TotalAVGMinMax
ShanghaiTech part A482300/182589 × 868241,667501333139
ShanghaiTech part B716400/316768 × 102488,4881239578
Mall2000800/1200320 × 24062,325311353
UCF_CC_5050-2101 × 288863,9741280944543
UCF-QNRF15351201/3342013 × 29021,251,6428154912,865
Table 3. Comparison of the proposed approach with the other state-of-the-art crowd counting approaches on the ShanghaiTech dataset (part A and part B).
Table 3. Comparison of the proposed approach with the other state-of-the-art crowd counting approaches on the ShanghaiTech dataset (part A and part B).
MethodsPart APart B
MAERMSEMAERMSE
Cascaded-MTL [21] (2017)101.3152.420.031.1
Switching-CNN [22] (2017)90.4135.021.633.4
CP-CNN [23] (2017)73.6106.420.130.1
CSRNet [9] (2018)68.2106.410.616.0
HA-CCN [19] (2019)62.994.98.113.4
S-DCNet [24] (2019)58.395.06.710.7
ACSPNet [10] (2019)85.2137.115.423.1
PCC Net [25] (2020)73.512411.019.0
CG-DRCN-CC [20] (2020)60.2948.514.4
LSC-CNN [26] (2020)66.4117.08.112.7
ADSCNet [27] (2020)55.4097.76.411.3
SCNet [28] (2021)58.599.18.513.4
Density CNN [29] (2021)63.1106.39.116.3
EPA [30] (2021)60.991.67.911.6
S3 [31] (2021)57966.310.6
DFN [32] (2021)77.58129.714.121.10
U-ASD Net [12] (2021)64.6106.17.512.4
ChfL [33] (2022)57.594.36.911
Lw-Count [7] (2022)69.7100.510.112.4
PFDNet [11] (2022)53.889.26.510.7
CL-DCNN (ours)52.690.98.112.8
Table 4. Comparison of the proposed approach with the other state-of-the-art crowd counting approaches on the Mall dataset.
Table 4. Comparison of the proposed approach with the other state-of-the-art crowd counting approaches on the Mall dataset.
MethodsMAERMSE
Ridge Regression [34] (2012)3.5919.0
MCNN [2] (2016)2.248.5
DE-VOC [35] (2016)2.72.1
Bidirectional ConvLSTM [36] (2017)2.107.6
weighted-VLAD [37] (2018)2.49.1
DRSAN [38] (2018)1.722.10
SAC-Crowd [39] (2019)2.33.0
MGF [40] (2019)1.897.29
ACSPNet [10] (2019)1.762.24
LSTN [41] (2019)2.002.50
ST-CNN [42] (2019)4.035.87
CountForest [4] (2020)2.256.21
MLSTN [43] (2020)1.802.42
TAN [44] (2020)2.032.60
FSC [45] (2020)3.714.66
U-ASD Net [12] (2021)1.82.2
GRGAF-ST [46] (2022)1.612.07
CL-DCNN (ours)1.552.01
Table 5. Comparison of the proposed approach with the other state-of-the-art crowd counting approaches on the UCF_CC_50 and UCF-QNRF dataset.
Table 5. Comparison of the proposed approach with the other state-of-the-art crowd counting approaches on the UCF_CC_50 and UCF-QNRF dataset.
MethodsUCF_CC_50UCF-QNRF
MAERMSEMAERMSE
Cascaded-MTL [21] (2017)322.8341.4251.85513.92
CP-CNN [23] (2017)295.8320.9
Switching-CNN [22] (2017)318.1439.2227.71444.78
CSRNet  [9] (2018)266.1397.5120.3208.5
CA-Net [3] (2019)107183
HA-CCN [19] (2019)256.2348.4118.1180.4
S-DCNet [24] (2019)204.2301.3104.4176.1
SFCN [47] (2019)214.2318.3102.0171.4
SD-CNN [48] (2019)235.74345.6
LSC-CNN [26] (2020)225.6302.7120.5218.2
PCC Net [25] (2020)240.0315.5246.41247.12
EPA [30] (2021)250.1342.1
Density CNN [29] (2021)244.6341.8101.5186.9
SRNet [13] (2021)184.1232.7108.2177.5
DFN [32] (2021)402.3434.1218.2357.4
SS-CNN [49] (2021)229.4325.6115.2175.7
SDS-CNN [50] (2021)112173
U-ASD Net [12] (2021)232.3217.8
KDMG [51] (2022)99.5173.0
PFDNet [11] (2022)205.8289.3
Lw-Count [7] (2022)239.3307.6149.7238.4
CL-DCNN (ours)181.8240.696.4168.7
Table 6. Estimation error on the ShanghaiTech dataset w.r.t. different number of DCM.
Table 6. Estimation error on the ShanghaiTech dataset w.r.t. different number of DCM.
Number of DCMsPart APart B
MAERMSEMAERMSE
063.82104.0210.9714.84
152.6690.9810.0613.16
257.6496.328.9213.35
360.83100.128.112.8
462.32102.479.1512.94
Table 7. Estimation error on the ShanghaiTech dataset with respect to different settings of backbone network.
Table 7. Estimation error on the ShanghaiTech dataset with respect to different settings of backbone network.
BackbonePart APart B
MAERMSEMAERMSE
AlexNet56.4096.729.4513.48
VGG1652.6690.988.112.8
ResNet5054.5295.219.9414.07
Table 8. Comparison of different contextual structures on part A and part B of the ShanghaiTech dataset.
Table 8. Comparison of different contextual structures on part A and part B of the ShanghaiTech dataset.
ModelsPart APart B
MAERMSEMAERMSE
CSP Network [52] (2020)71.04117.4711.715.3
Transformer Learning [53] (2022)66.1105.19.314.1
CL-DCNN (Ours)52.6690.988.112.8
Table 9. Computational complexity of the proposed CL-DCNN and other state-of-the-art approaches.
Table 9. Computational complexity of the proposed CL-DCNN and other state-of-the-art approaches.
MethodsParametersRuntimes (ms)DevicePre-Train
Cascaded-MTL [21]0.12M 3TITAN-X
Switching-CNN [22]15.1M153
CP-CNN [23]62.9M5113
PCC Net [25]0.55M891080Ti
U-ASD Net [12]31.4M94Tesla V100
CL-DCNN (Ours)11M622080Ti
Disclaimer/Publisher’s Note: The statements, opinions and data contained in all publications are solely those of the individual author(s) and contributor(s) and not of MDPI and/or the editor(s). MDPI and/or the editor(s) disclaim responsibility for any injury to people or property resulting from any ideas, methods, instructions or products referred to in the content.

Share and Cite

MDPI and ACS Style

Zhao, Z.; Ma, P.; Jia, M.; Wang, X.; Hei, X. A Dilated Convolutional Neural Network for Cross-Layers of Contextual Information for Congested Crowd Counting. Sensors 2024, 24, 1816. https://doi.org/10.3390/s24061816

AMA Style

Zhao Z, Ma P, Jia M, Wang X, Hei X. A Dilated Convolutional Neural Network for Cross-Layers of Contextual Information for Congested Crowd Counting. Sensors. 2024; 24(6):1816. https://doi.org/10.3390/s24061816

Chicago/Turabian Style

Zhao, Zhiqiang, Peihong Ma, Meng Jia, Xiaofan Wang, and Xinhong Hei. 2024. "A Dilated Convolutional Neural Network for Cross-Layers of Contextual Information for Congested Crowd Counting" Sensors 24, no. 6: 1816. https://doi.org/10.3390/s24061816

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