Next Article in Journal
A Framework for Trajectory Prediction of Preceding Target Vehicles in Urban Scenario Using Multi-Sensor Fusion
Next Article in Special Issue
Generalized Single-Vehicle-Based Graph Reinforcement Learning for Decision-Making in Autonomous Driving
Previous Article in Journal
Machine Learning-Based Risk Stratification for Gestational Diabetes Management
Previous Article in Special Issue
Multi-Agent Decision-Making Modes in Uncertain Interactive Traffic Scenarios via Graph Convolution-Based Deep Reinforcement Learning
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

Advanced Pedestrian State Sensing Method for Automated Patrol Vehicle Based on Multi-Sensor Fusion

1
Beijing Key Lab of Urban Intelligent Traffic Control Technology, North China University of Technology, Beijing 100144, China
2
Key Laboratory of Operation Safety Technology on Transport Vehicles, Research Institute of Highway, Ministry of Transport, Beijing 100088, China
*
Author to whom correspondence should be addressed.
Sensors 2022, 22(13), 4807; https://doi.org/10.3390/s22134807
Submission received: 28 April 2022 / Revised: 22 June 2022 / Accepted: 23 June 2022 / Published: 25 June 2022

Abstract

:
At present, the COVID-19 pandemic still presents with outbreaks occasionally, and pedestrians in public areas are at risk of being infected by the viruses. In order to reduce the risk of cross-infection, an advanced pedestrian state sensing method for automated patrol vehicles based on multi-sensor fusion is proposed to sense pedestrian state. Firstly, the pedestrian data output by the Euclidean clustering algorithm and the YOLO V4 network are obtained, and a decision-level fusion method is adopted to improve the accuracy of pedestrian detection. Then, combined with the pedestrian detection results, we calculate the crowd density distribution based on multi-layer fusion and estimate the crowd density in the scenario according to the density distribution. In addition, once the crowd aggregates, the body temperature of the aggregated crowd is detected by a thermal infrared camera. Finally, based on the proposed method, an experiment with an automated patrol vehicle is designed to verify the accuracy and feasibility. The experimental results have shown that the mean accuracy of pedestrian detection is increased by 17.1% compared with using a single sensor. The area of crowd aggregation is divided, and the mean error of the crowd density estimation is 3.74%. The maximum error between the body temperature detection results and thermometer measurement results is less than 0.8°, and the abnormal temperature targets can be determined in the scenario, which can provide an efficient advanced pedestrian state sensing technique for the prevention and control area of an epidemic.

1. Introduction

At present, in order to curb the COVID-19 pandemic, governments have divided the current areas into disease control areas and normal areas according to the different status of the epidemic. The source of infection, which may break out in the disease control area, has an important impact on the daily life of the general public. The crowd aggregation and contact temperature measurement method based on hand-held thermometers increases the risk of cross-infection. Therefore, how to reduce the risk of infection for medical practitioners and pedestrians in disease control areas and ensure the effective implementation of epidemic prevention measures have become important issues. In order to solve the above problems, it is necessary to detect crowd aggregation and body temperature rapidly based on the advanced sensing technology. Due to the improvement in sensor accuracy and detection algorithms in recent years, sensing technology and application technology are developing rapidly. A connected and automated vehicle (CAV), which is equipped with sensors, such as a camera, radar and LiDAR, has been widely used in short-distance logistics distribution and security patrols to improve transportation efficiency and driving safety [1]. As one of the CAVs, the automated patrol vehicle can be used as a new solution for epidemic prevention and control. Therefore, how to improve the accuracy of sensing and apply high-precision sensing technology to the automated patrol vehicle have become key research directions.
However, there are still some problems in the above directions, which can be classified in the following conditions: (1) pedestrians in public areas, such as in parks, museums and shopping malls, do not have a fixed route, and the difference in crowd density distribution in adjacent areas is tiny, which makes it difficult to detect dense areas effectively; (2) there are technique and evaluation difficulties in the combination of high-precision crowd density estimation and body temperature detection. In order to solve the above problems, an advanced pedestrian state sensing method for automated patrol vehicles based on multi-sensor fusion is proposed. Considering the current pandemic situation and the limitations of the experimental platform, a large and enclosed area with less traffic flow is selected as the work scenario of the automated patrol vehicle. Firstly, through fusing the data of the camera and LiDAR, the multi-dimension data of pedestrians are obtained as the basis of density estimation and face detection. Secondly, the centroids of the clustered pedestrian objects are calculated as the cluster center point. Combined with the positional relationship between pedestrians, crowd targets are detected based on the foreground image. Then, the whole detection area is divided into multiple layers by various scales, and each sub-area of each layer is constructed as the basic unit of the multi-layer fusion method. Through weighted mean theory, the crowd density in the scenario is estimated based on the crowd density distribution matrix. Finally, because of the precision limitation of the sensor, the automated patrol vehicle needs to maintain a fixed distance from crowd targets, and a thermal infrared camera is used to detect the temperature, which can reduce the risk of cross-infection.

2. Related Works

The advanced sensing technologies lead to the rapid development of CAV, providing a platform foundation for mobile detection. Meanwhile, the gradual development of deep learning [2], pedestrian detection, crowd density estimation and pedestrian body temperature detection techniques have been hot topics.
Pedestrian detection is one of the important parts of automated vehicle sensing systems and has been researched for many years. It is mainly achieved through the neural network [3,4,5] and open-source computer vision library (OpenCV) [6]. Among them, the convolutional neural network (CNN) proposed by Lecun [7] was representative. Local pixels of the image were perceived by the network and combined as global features in higher layers. This meant that the pooling layer would pay more attention to local features and ignore the overall target. Multi-sensor data fusion methods [8,9,10] have been paid more and more attention in recent years. Multi-sensor data fusion is a method to combine data with multi-level and multi-spatial information and output a consistent interpretation of the targets. There are three levels of fusion, including: (1) data-level fusion; (2) feature-level fusion and (3) decision-level fusion. In order to reduce the false positive (FP) rate of pedestrians in a complex environment, Han et al. [11] integrated image data and point cloud data deeply through decision-level fusion to improve detection accuracy. Combining the object detection algorithm of you only look once (YOLO) and a light field camera, Zhang et al. [12] proposed an indoor obstacle detection algorithm. This algorithm was suitable for detection in the indoor environment but had not been tested in outdoor environments. In order to detect heavily occluded pedestrians, Seong et al. [13] proposed a fusion algorithm of LiDAR and radar, which avoided the strict requirements regarding the conditions of lighting for the camera, and it was suitable for indoor and outdoor environments.
Crowd density estimation has been paid more and more attention due to the requirements of abnormal event sources localization and the policy under the pandemic situation in recent years. With the advancement in sensor techniques, the current mainstream crowd density estimation is achieved through neural networks [14,15,16,17,18]. Huang et al. [19] proposed a multi-scale fusion conditional generative adversarial network based on a bidirectional fusion module. The network could solve the problem of scale variation effectively. In order to reduce crowd counting errors caused by large viewing angle changes and severe occlusions, Sajid et al. [20] proposed an end-to-end crowd counting network based on patch rescaling module (PRM) and multi-resolution fusion. In order to make deep features recognizable by CNN, Nguyen et al. [21] fused depth information into a density estimation algorithm. Through a multi-task learning method, the scale variation problem was solved and crowd counting was achieved accurately. Through applying an edge computing method, Wang et al. [22] achieved crowd density estimation efficiently to solve the problem of high network latency caused by the deployment of the density estimation platform in the server; Zhang et al. [23] proposed the adaptive multi-scale context aggregation network (MSCANet) to obtain the full-scale information of the crowd. After the information of different scales was extracted by the network, this information was fused by the network adaptively, which was suitable for crowd counting.
With the gradual development of automated vehicle sensing techniques and body temperature detection techniques, body temperature detection is gradually being applied in the automated vehicle [24,25]. At present, body temperature detection is mainly achieved by the method of thermal imaging [26,27]. With the continuous development of image processing techniques, thermal imaging technology combined with image recognition has become the mainstream method. Based on image processing, Muhammad et al. [28] proposed a pedestrian body temperature detection method to fuse infrared and visible images. The target and the background could be distinguished and the infection problem that might be caused by the gun-type thermometer was avoided by this method. Considering the difficulty of detecting body temperature without distance limitation, this method could measure temperature accurately by strictly fixing the temperature measurement distance and controlling environmental variables. Based on the micro control system 51 series (MCS 51) equipped with infrared temperature measurement function (GY-MLX90614 module), Zhu et al. [29] designed a non-contact infrared temperature measurement system and applied it to the access control platform in the community. As the distances between pedestrians and detective equipment are fixed, the influence of distance on temperature measurement accuracy is reduced. In order to ensure social safety in public areas, Rosepreet et al. [30] proposed an infrared body temperature detection method based on CNN. Non-contact pedestrian body temperature detection was achieved by this method, and the system was applied to the tunnel scenario, improving the detection accuracy by 21.4%.
In the above research achievements, many pedestrian detection methods rely on the high quality of pedestrian datasets. Meanwhile, the data fusion algorithm will be limited by the fixed scenarios. Crowd density estimation is still mainly based on the bird’s-eye-view data, which are obtained by surveillance cameras. However, automated-vehicle-based estimation methods are still to be researched. Additionally, there are difficulties in detecting body temperature at the unrestricted distance, and environmental temperature has a large impact on the accuracy of body temperature detection.
Therefore, we propose a novel method to solve the above problems, and the main contributions in pedestrian detection, crowd density estimation and body temperature detection are summarized as follows:
  • A multi-sensor data fusion method is proposed to improve the accuracy of large, medium and small pedestrian target detection, which is suitable for more scenarios.
  • Based on two-dimensional (2D) foreground image data and three-dimensional (3D) point cloud data, a multi-layer fusion method is designed for crowd density estimation, which can improve the accuracy and intuitiveness of estimation.
  • Based on the foreground image, crowd targets are detected to fix the distance between the sensor and the crowd target. Furthermore, an empirical method, external bold body method and outlier filtering method are proposed to correct the temperature detection results.

3. Pedestrian State Sensing Method

Based on intelligent automated vehicles and information fusion technology, an advanced pedestrian state sensing method for automated patrol vehicle based on multi-sensor fusion is proposed to reduce the risk of cross-infection in the epidemic prevention and control areas. Pedestrian state includes pedestrian target, crowd aggregation and pedestrian body temperature. Hence, our method is designed in three parts, including pedestrian data acquisition, crowd density estimation and pedestrian body temperature detection. The method includes sensing equipment, decision equipment and control equipment. LiDAR, camera and infrared are mounted on the body of the automated patrol vehicle as the sensing devices; the industrial personal computer (IPC) with the robot operating system (ROS) is used as the decision-making device; the STM32 Microcontroller is used as the control device. The detection of pedestrian and crowd objects, the estimation of crowd density and the detection of pedestrian body temperature are achieved through the detection method proposed in this paper. The structure of proposed method is shown in Figure 1.

3.1. Pedestrian Data Acquisition

How to acquire the pedestrian data is the basis of the proposed method in this paper, which consists of two parts: (1) 2D pedestrian data acquisition based on YOLO V4 algorithm; (2) 3D pedestrian data acquisition based on Euclidean clustering algorithm. The obtained data can be used as the data support for crowd density estimation and temperature detection algorithm.

3.1.1. Pedestrian 2D Data Acquisition

The 2D pedestrian data include pedestrian detection box and face detection box based on visual algorithm. To implement the pedestrian detection with strong timeliness and high precision in a specific enclosed area, the Darknet framework based on the YOLO algorithm is used to obtain 2D image data of pedestrians with different occlusion. Since the spatial pyramid pooling (SPP) is adopted in YOLO V4, the network and loss function are optimized, and the intersection over union (IoU) [31] can reflect the degree of intersection between two boxes accurately. Therefore, YOLO V4 is selected as the visual model of proposed pedestrian detection and face detection algorithm. The structure of pedestrian detection based on YOLO V4 is shown in Figure 2.
In order to obtain 2D pedestrian detection box, the pedestrian dataset of the Massachusetts Institute of Technology (MIT) and the data of pedestrians in the campus environment collected by us are adopted as the input dataset of YOLO network training. Through adjusting the brightness and saturation of the pedestrian image, the learning ability and environmental resistance of pedestrian detection model can be improved. In order to solve the mesoscale problem of target detection, feature pyramid network (FPN) is used to construct a pyramid on the feature graph. Similarly, to reduce the amount of calculation and ensure the accuracy, a cross-stage partial (CSP) module is added to each Darknet53 in YOLO network, pedestrian features are extracted by the first 52 layers and fusion features are output by the last layer. In order to prevent overfitting, dropblock regularization is used to randomly drop features in the same pedestrian module. The SPP module and path aggregation network (PANet) module are added between the feature extraction network and the final output layer to enhance pedestrian feature level and complete multi-scale fusion. Finally, the large, medium and small pedestrian targets are predicted, and pedestrian detection boxes are obtained.
In order to obtain face detection boxes, it is necessary to train the YOLO V4 network with a dataset containing facial features. The MIT pedestrian dataset does not contain facial feature information. Therefore, the dataset with face features needs to be added. As Celeba (an open-source dataset of pedestrian faces) [32] does not take up too many resources and the accuracy of face detection box acquisition satisfies the requirements of this paper, Celeba is selected to add to the dataset. The flow chart of training YOLO V4 network and achieving face detection is shown in Figure 3. During training, the adjusted brightness and saturation can improve the robustness of the algorithm. Firstly, we modify Celeba to a dataset format, which can be recognized by YOLO V4. Then, the configuration files, such as “transform.py”, “train.txt” and “val.txt”, are modified. The number of classifications is adjusted to three types, and the learning rate is adjusted to 0.001. Finally, face detection boxes can be obtained through the YOLO V4 network trained by Celeba.

3.1.2. Pedestrian 3D Data Acquisition

Considering the insufficient accuracy of the YOLO V4 algorithm for long-distance detection, LiDAR is used to obtain the 3D pedestrian data to increase the dimension of data. Euclidean clustering algorithm is applied to obtain 3D pedestrian detection boxes, which contain three primary parameters in this algorithm. It includes the threshold of clustering radius R , the minimum number of clustering points P min and the maximum number of clustering points P max . The flow chart of pedestrian point cloud detection based on Euclidean clustering algorithm is shown in Figure 4.
In order to obtain 3D pedestrian data through Euclidean clustering, the threshold needs to be set first. Considering the sparse characteristic of cloud point data, different thresholds of clustering radius R are set according to the sparsity of point cloud at different distances. Details of the relationship between pedestrian distance L p e d s and cluster radius threshold R are listed in Table 1.
Then, the set of points to be searched in the point cloud space is defined as P . According to the features of P , we create a 3D k-dimensional tree (KD-Tree) object. A feature point P i = ( x i , y i , z i ) T is selected from P , its nearest neighbor points P n = { P j , j = 1 , 2 , , n } are searched and the Euclidean distance D i j between points P i and P j is calculated through K-nearest neighbor (KNN) algorithm. The Euclidean distance calculation function is represented as Equation (1):
D i j = ( x i x j ) 2 + ( y i y j ) 2 + ( z i z j ) 2
where x i , y i and z i indicate the coordinates of the i-th point; x j , y j and z j indicate the coordinates of the j-th point. Once the Euclidean distance D i j is less than the threshold of clustering radius R , its corresponding point P j is classified as a clustered point cloud set Q . According to the relationship between its Euclidean distance and the threshold, determine whether the point belongs to the clustered point cloud set Q .
Finally, according to the preset minimum number of clustering points P min and maximum number of clustering points P max , we judge whether the clustered point cloud set Q can be used as a valid single pedestrian target. If the number of point clouds in Q is greater than P min and less than P max , the cluster point cloud set Q is valid. Meanwhile, a pedestrian clustering result is generated and the 3D pedestrian data are obtained.

3.2. Crowd Density Estimation

At present, the crowd aggregation is an important factor causing cross-infection. Crowd aggregation is related to the crowd density of a scenario. In order to locate crowded scenarios accurately, the 2D and 3D pedestrian data obtained in the previous section are combined to improve the accuracy of the estimation algorithm. A multi-layer fusion method is designed for crowd density estimation, which consists of three parts: (1) pedestrian detection based on multi-sensor fusion, (2) crowd target detection based on foreground image and (3) crowd density estimation based on sub-area density.

3.2.1. Pedestrian Detection Based on Multi-Sensor Fusion

After acquiring the 2D and 3D pedestrian data, multi-source data of pedestrians are fused based on the confidence optimization. The confidence of the pedestrians, applied in the YOLO V4 algorithm, has a great influence on the algorithm’s detection results for pedestrians. The value of confidence is related to the constraints of pedestrian features in the YOLO V4 algorithm. The increase in confidence indicates that the constraints of the current pedestrian are more stringent, which will reduce FP rate. However, due to strict constraints, pedestrians with no obvious features may be missed by the algorithm. Therefore, in order to achieve accurate detection of long-distance and occluded pedestrians, the pedestrian confidence probability of the YOLO V4 algorithm is corrected by the Euclidean clustering algorithm. The flow chart of multi-sensor data fusion based on confidence optimization is shown in Figure 5.
Firstly, the preprocessing of the fusion algorithm is achieved based on Zhang calibration [33] method and timestamp matching; secondly, the point cloud with the pixel data is matched through the R-Tree algorithm and the I o U between the bounding box and the 2D image detection box is calculated to determine the numerical relationship between the value of the I o U and the threshold. Finally, through the activation function Softmax(), the confidence probability of pedestrians in the image detection algorithm is corrected, which realizes the fusion of multi-sensor data. The fusion results can be used as a data source for crowd density estimation.
(1)
Multi-sensor data preprocessing
The 2D and 3D detection boxes are input into the preprocessing part once the fusion algorithm is starting. Through Zhang calibration method, we obtain the relationship between the pixel coordinate system and the point cloud coordinate system. The coordinate system calibration of the multi-source sensors is shown in Figure 6. The four dots in different colors represent the vertices of the calibration board, and the lines in different colors represent the internal parameters of the camera and the degree of distortion. Through the calculation of the rotation vector and the translation vector, the matching of the image and the point cloud is achieved. The matching of timestamp is resolved by the Time Synchronizer mechanism. Since the point cloud sampling rate is 10 Hz, the image sampling rate is 25 Hz. Therefore, we add timestamps to each frame of data while collecting data from LiDAR and camera and call back the data with the same timestamp.
(2)
Point cloud data and pixel data matching
The R-Tree algorithm is used to associate and match the detection box of the point cloud and the image to project the point cloud data to the pixel plane. According to the I o U of the image detection result and the projection result, the specific category information of the detected target in the point cloud space can be determined since there are several detection boxes, respectively, in each frame of image and point cloud data. We select a separate frame for matching each time, and the steps of the fusion algorithm are as follows:
Step 1: A frame of image data and point cloud data, including m 3D detection boxes and n 2D detection boxes, are input into the algorithm;
Step 2: The i-th 3D detection box and the j-th 2D detection box are selected. We set the initial values of parameters i and j to 1;
Step 3: The points in the i-th 3D detection box are projected onto the image to generate a 2D bounding box i i ;
Step 4: The I o U of the 2D bounding box i i and the j-th 2D detection box are calculated through the algorithm. Through comparing the value of I o U of the two boxes and the threshold, we can determine the category information of the detection result.
I o U value is calculated as shown in Equations (2)–(4):
i n t e r s e c t i o n   = ( min ( x i i a 2 , x j b 2 ) max ( x i i a 1 , x j b 1 ) ) × ( min ( y i i a 2 , y j b 2 ) max ( y i i a 1 , y j b 1 ) )
u n i o n = S i i + S j i n t e r s e t i o n
I o U = i n t e r s e c t i o n   u n i o n
where i n t e r s e c t i o n indicates the intersection between the bounding box and the 2D detection box, ( x i i a 1 , y i i a 1 ) indicates the coordinates of the upper left corner of the bounding box, ( x i i a 2 , y i i a 2 ) indicates the coordinates of the lower right corner, ( x j b 1 , y j b 1 ) indicates the coordinates of the upper left corner of the 2D detection box, ( x j b 2 , y j b 2 ) indicates the coordinates of the lower right corner, u n i o n indicates the union between two 2D detection boxes, S i i indicates the area of the point cloud detection box after mapping and S j indicates the area of the 2D detection box.
(3)
Pedestrian confidence correction
The fusion threshold of the intersection ratio is set to 0.75 [34], and the value of the I o U is compared with the fusion threshold to judge whether the current bounding box represents the pedestrian target. If the I o U is less than the fusion threshold, the label of the 2D bounding box is updated to be non-pedestrian; if the current I o U is greater than the fusion threshold and the clustering detection result is non-pedestrian, the confidence probability of the target is increased based on activation function Softmax(). Through adjusting the pixel and point cloud weight values, the correction effect is achieved. The confidence probability correction function is represented as Equation (5):
P = max ( S o f t m a x ( W L i D A R , W v i s i o n ) = e W L i D A R i = 1 n e W i )
where P indicates the value of probability correction, W i indicates the value of i -th sensor weight, where i includes vision and LiDAR, and n indicates the number of sensors.

3.2.2. Crowd Target Detection Based on Foreground Image

Crowd aggregation is one of the sources of virus spread, and current body temperature detection without distance restriction is difficult. Therefore, it is necessary to detect the aggregated crowd first and then detect the temperature of pedestrians in real time. Camera mounted on automated patrol vehicle can only acquire foreground image data. Due to occlusion and lack of depth information, the accuracy of detecting crowd targets based on foreground images cannot satisfy the patrol requirements. The 3D point cloud data has advantages in spatial sensing of the environment. Since the crowd target consists of multiple single pedestrians, we select the Euclidean clustering algorithm to detect the crowd target. Therefore, based on LiDAR and camera, perspective transformation algorithm is designed. The structure of perspective transformation is presented in Figure 7.
Through perspective transformation, the pedestrian detection box in the 2D image is mapped to a point in the top view. The perspective transformation function is represented as Equation (6):
[ Y i 1 ] ( i + 1 ) × 1 = [ A 2 × 2 t 2 × 1 0 1 × 2 E 1 × 1 ] [ X i 1 ] ( i + 1 ) × i
where Y i takes the corner coordinate values of the three groups of detection boxes after transformation, X i takes the corner coordinate values of the three groups of detection boxes before the transformation and A represents the matrix of the transformation.
Combined with the point cloud data, we assign the coordinate information of each target to the mapped pedestrian target points. The point set is clustered by the Euclidean clustering algorithm. The KNN algorithm based on KD-Tree object is an important preprocessing method of Euclidean clustering algorithm. Due to the fact that the errors in the parameter estimation process can be avoided by this algorithm and this algorithm has high classification accuracy, KD-Tree is used to traverse the adjacent pedestrian targets and obtain the minimum distance between pedestrians. The algorithm flow of the minimum distance calculation between pedestrians in 3D space is shown as follows:
Step 1: The pedestrian target (3D target recognition box, confidence degree) obtained by the data fusion algorithm is used as the input of the algorithm;
Step 2: The centroid coordinates of each pedestrian target ( X P e d s , Y P e d s , Z P e d s ) are extracted by the algorithm, and the dimension of the current pedestrian centroid data n is calculated as the set;
Step 3: The dimension d with the largest variance and the median m of all data items on dimension d are found. The dataset is divided according to the median m , which is divided into two parts, and the two data subsets are recorded as D l and D r , respectively;
Step 4: A pedestrian centroid KD-Tree node is established to store the division dimension d and the median m . Step 2 is performed again on the data subsets D l and D r divided by the Step 3, and the newly generated centroid KD-Tree node is set as the left and right child nodes;
Step 5: The dataset is continuously divided until the pedestrian centroid data subset contains less than two pieces of data after the current division. The corresponding centroid data are saved to the last leaf node, which is the KD-Tree object of the pedestrian centroid;
Step 6: Each pedestrian target is traversed by the KNN algorithm to find the current pedestrian and the nearest pedestrian. The Euclidean distance between the current pedestrian and the closest pedestrian is calculated through KNN algorithm;
Step 7: Pedestrian minimum distance sequence is obtained by minimum distance calculation algorithm.
The clustering threshold is one of the most important parameters in Euclidean clustering algorithm, and it is necessary to be set reasonably. Combined with the minimum distance sequence of pedestrians, which are obtained by the above algorithm, the distance features of pedestrians are distinguished. Due to the change in the objective of clustering, the thresholds are set according to the following two clustering conditions existing in the work scenario of the automated patrol vehicle;
Condition 1: There is a long distance between the center point and each clustering point, as shown in Figure 8a;
Condition 2: The center of the cluster point is in the scenario with high crowd density, as shown in Figure 8b.
For Condition 1, the centroid point cloud of each pedestrian is used by the clustering algorithm to represent the current pedestrian target, and the centroid point cloud of all pedestrians is classified into a new clustering space. Through the experiments in Section 4, the clustering threshold is selected as 0.5 m and the pedestrian centroid point cloud is clustered. The requirements of crowd target detection are satisfied. For Condition 2, areas with high density are regarded as complete crowd targets by the clustering algorithm to achieve crowd detection.
As shown in Figure 8, a single black point in the scenario represents the pedestrian target detected by the algorithm, and the red point represents the non-pedestrian target. Firstly, the non-pedestrian target is eliminated through the algorithm. Then, two adjacent pedestrian targets are clustered based on the KNN algorithm. The clustered target is used as a new individual to cluster again until there is no single pedestrian target in the scenario. Finally, crowd targets are obtained as the algorithm output.

3.2.3. Crowd Density Estimated Based on Sub-Area Density

In order to improve the effect of density estimation, a crowd density estimation algorithm based on sub-area density is proposed to expand the difference in the distribution characteristics of crowd density. The layer is divided into equal-area units by the algorithm, and the density values of the units are selected as input of the algorithm. Through fusing crowd density data from multiple layers, the crowd density distribution is calculated. Based on the weighted mean theory, the crowd density of the current scenario is estimated.
According to the number of pedestrian targets detected by the automated patrol vehicle in the current scenario, the layer with a side length of 15 m is divided into 32 × 32 units by algorithm. Each of these units covers an area of 0.22 square meters, which fits the minimum footprint of an adult. The density value of unit is taken from the ratio of the number of pedestrians in each unit to its area of unit, whose calculation is shown as Equation (7):
{ ρ ( i , j ) | ρ ( i , j ) = N i j S , i , j 50 }
where ρ ( i , j ) indicates the density value of unit, N i j indicates the number of pedestrians in the unit of the i-th row and the j-th column and S indicates the area of a single unit within the layer. The calculation algorithm of N i j is illustrated in Algorithm 1.
Algorithm 1: N i j calculation algorithm in 3D space.
1:Initialize pedestrian detection results, target detection boxes and confidence level.
2:Create a List L targets of every unit, a centroid variable C and a pedestrian count variable N c o u n t .
3:While ( i min < i < i max && j min < j < j max ) do
4:  If (target detection boxes) then
5:     L targets = L targets + 1
6:  for each L targets  do
7:    If (C is under the range of the corner coordinates of L targets ) then
8:       N c o u n t = N c o u n t + 1
9:    end if
10:  end for
11:   N i j = N c o u n t
12:End while
13:Return N i j
The initial crowd density distribution matrix M old is composed of the density values of unit ρ ( i , j ) . The numerical values in each row and column of the matrix are the density values of unit. The initial crowd density distribution matrix is represented as Equation (8):
M o l d = [ ρ ( 1 , 1 ) ρ ( 1 , 2 ) ρ ( 1 , j ) ρ ( 2 , 1 ) ρ ( 2 , j 1 ) ρ ( 2 , j ) ρ ( i 1 , 2 ) ρ ( i 1 , j ) ρ ( i , 1 ) ρ ( i , 2 ) ρ ( i , j ) ] , i , j 50
The initial crowd density distribution matrix is represented by the current density of each individual point. However, density is one of the attributes of the crowd; the arrangement of density values of individual points is not representative. Therefore, the density features of adjacent units in the layer are correlated by this algorithm. After the corresponding unit density values of different layers are linearly combined, the unit density values containing the features of adjacent units are obtained. The matrix M n e w , which is composed of each unit density value containing adjacent unit features in the layer, is the final crowd density distribution matrix. The structure of crowd density distribution detection based on the multi-layer fusion algorithm is shown in Figure 9.
A 2D coordinate system is established according to the initial position of the automated patrol vehicle in Section 3.2.1. Along the initial direction of the automated patrol vehicle, the 2 × 2 units are sequentially taken to form a new unit in the next layer, a new layer of 16 × 16. The side length of any 2 × 2 unit in the current layer is 0.9 m. The pedestrian density value in the 2 × 2 unit is counted and superimposed with the density value of the unit in upper layer. The superposition algorithm is represented as Equation (9):
ρ ( i , j ) k = i = 1 , j = 1 2 ρ ( i , j ) k 1
where ρ ( i , j ) k indicates the density value of the unit in the i-th row and the j-th column after the k-th division, and ρ ( i , j ) k 1 indicates the density value of the unit of the i-th row and the j-th column after the (k − 1)-th division.
It is worth mentioning that the total area of the single layer does not change after the layer is divided by the above algorithm. The 2 × 2 units are finally iterated by the algorithm. We count the density values of the units after each division, and, based on the fusion of multi-layer by weighting, the density distribution matrix M n e w is obtained as the output of the algorithm. The weighted superposition is represented as Equation (10):
M n e w = [ k = 0 n w k ρ ( 1 , 1 ) k k = 0 n w k ρ ( 1 , 2 ) k k = 0 n w k ρ ( 1 , j ) k k = 0 n w k ρ ( 2 , 1 ) k k = 0 n w k ρ ( 2 , j 1 ) k k = 0 n w k ρ ( 2 , j ) k k = 0 n w k ρ ( i 1 , 2 ) k k = 0 n w k ρ ( i 1 , j ) k k = 0 n w k ρ ( i , 1 ) k k = 0 n w k ρ ( i , 2 ) k k = 0 n w k ρ ( i , j ) k ] , i , j 50
where w k indicates weight of the k-th division. In order to improve the detection efficiency, the harmonic series is used as the weight update function to magnify the difference between the crowd density in different units. The weight update function is represented as Equation (11):
w k = 1 k + 1 , k [ 0 , N ]
where k indicates the current superposition times and N indicates the total number of divisions.
Real-time detection in disease control areas is very important. Due to the multi-dimensional nature of crowd features, the weighted mean theory used in the algorithm should have high real-time performance and the density estimation should satisfy the requirements of patrolling. Therefore, we combine the comparative requirements of the crowd density of different layers, and, based on the weighted mean theory, estimate the crowd density in the current scenario. The estimation equation is represented as Equation (12):
ρ c r o w d = i j k = 0 n w k ρ ( i , j ) k d σ , i , j 50
where ρ c r o w d indicates the crowd density and σ indicates the overall area of the layer.

3.3. Pedestrian Body Temperature Detection

At present, more than 40% of the patients that test positive for the coronavirus have high temperature features in their clinical manifestations [35], and the risk of current epidemic spreading can be decided by temperature. Therefore, a body temperature detection algorithm based on thermal imaging is designed after the density estimation to ensure the risk of cross-infection can be reduced by temperature detection with high crowd density. Since the accuracy limitations of current temperature sensors, it is difficult to detect temperature at any distance accurately. Therefore, in order to reduce the cost of temperature detection and improve the accuracy, the distance from the sensor to the target to be detected is fixed at 3 m, and an external bold body, an empirical method and outlier filtering are used to correct the detection results. The flow chart of pedestrian body temperature detection is shown in Figure 10.

3.3.1. Infrared Image and Visible Image Registration

In order to combine image data after fusion and infrared data, the registration method is used to fuse multi-sensor data. Color image data is output by the infrared camera in real time, in which each pixel represents the temperature value. Through detecting the temperature value of the face area, we calculate the current pedestrian’s body temperature. However, since the angle and orientation of the output images of infrared and visible images to the same target are different, it is necessary to register the infrared image and the visible image. Several matching points in the infrared and visible images are selected, and we register the two images by means of affine transformation. Affine transformation function is shown in Equation (13):
[ x i y i ] = A [ x i y i ] + B I
where A and B indicates the parameters of affine transformation equation, and ( x i , y i ) and ( x i , y i ) indicate a set of corresponding coordinates in visible and infrared images. The equation of obtaining parameters A and B of affine transformation equation is shown in Equation (14):
{ A = [ a 11 a 21 a 12 a 22 ] B = [ b 1 b 2 ]
In order to determine the two parameters in the process of image registration in the above equation, different corners of the detection screen are obtained by the automated patrol vehicle in real time. When the number of extracted corners is more than three groups, the optimal parameters of affine transformation equation can be fitted by the least square method or gradient descent method. Since the least square method can be used to find the global solution instead of the local optimal solution in the gradient descent method. Therefore, multiple matched corners are selected to fitting the optimal solution based on the least square method. Infrared image and visible image are registered by the equation after obtaining the parameters of affine transformation equation.

3.3.2. Human Body Temperature Detection and Correction

The corresponding point can be found both in the infrared image and the visible image after the registration, which can establish the mapping relationship to match the face area. Considering the accuracy of the infrared sensor, we set the distance of the temperature detection between 3–8 m. However, there are temperature interference factors such as hats, glasses and hair in the actual scenario, which leads to its temperature lower than the real value. Therefore, through the 5 × 5 template in the region of interest (ROI), the mode index of temperature of each template in the current scenario is calculated by the algorithm. The template is averaged as the pedestrian’s body temperature. The preset template is used to traverse the face area after the face target is detected in the dense area. And temperature data are extracted for each pixel within the template. The temperature of pedestrian calculation method is represented as Equation (15):
T i = j = 1 n M ( j ) n
where T i indicates the temperature of i-th pedestrian, n indicates the number of face detection box pixels and M ( j ) indicates the mode of infrared detection temperature in a single 5 × 5 template.
Meanwhile, hardware errors are still inevitable, and the algorithm detection results are quite different from the values detected by the thermometer. Considering that the most accurate body temperature detection is the thermometer, it is reasonable to use it as the standard. Therefore, we combined the algorithm detection results with the thermometer detection results to correct the body temperature detection algorithm by empirical method. The temperature deviation caused by the occlusion of glasses and other facial decoration can be reduced effectively. And the local abnormal temperature caused by the sensor distance accuracy can be reduced by taking the mean value. The correction algorithm is shown as Equation (16):
T p = T f _ d + T f _ d 2 T f _ d 2 + ( T f _ d T e n v ) 2 × ( T t i = 1 n T i n )
where T p indicates the detection temperature obtained after correction, T f _ d indicates the result of infrared temperature measurement, T e n v indicates the current environmental temperature, T t indicates the current pedestrian’s body temperature measured by a thermometer and n indicates the number of selected measurements.
In addition, errors in the temperature detection are mainly due to temperature drift caused by environmental changes and long-term operation. The probe of an infrared detector is exposed in the infrared radiation, including air temperature and radiation generated by the surrounding environment. Due to changes in the environment, the state of infrared radiation is changed, which will reduce the accuracy of temperature detection. The long-term work of automated patrol vehicles can also cause temperature drift. Therefore, we adopt external bold body correction and outlier filtering to further improve the accuracy of temperature detection. By setting the external bold body in front of the infrared camera, the error of temperature detection can be reduced and the stability of the system can be improved. The external bold body correction coefficient function is represented as Equation (17):
K = T 0 T a
where K indicates the temperature correction coefficient, T 0 indicates the absolute temperature set by the external bold body and T a indicates the absolute temperature detected by the external bold body. The external bold body is a constant temperature source, whose temperature T 0 is fixed at 37°.
Moreover, outliers are usually caused by pedestrian occlusion, face detection errors, environmental temperature changes and other factors in the process of body temperature detection. In order to ensure the accuracy of temperature detection, temperature detection values of less than 35° and greater than 42° are removed with reference to the normal body temperature of pedestrians.

4. Experimental Results and Discussion

In this section, a detection platform and scenario are constructed based on the automated patrol vehicle. Considering the current situation of the pandemic, a straight road in the campus is chosen for the experiment. There are entrances for pedestrians on the north and south sides of the straight road. There are convenience stores and other factors at the end of the east side that cause pedestrian aggregation, as shown in Figure 11a. For this scenario, we design an automated patrol vehicle applied with a detection method. The automated patrol vehicle is equipped with a mechanical 16-line LiDAR, a 720P USB industrial camera, a thermal infrared camera, an Ackerman vehicle chassis, an industrial computer and a monitor screen, as shown in Figure 11b. The measuring range of the mechanical LiDAR does not exceed 150 m, and the minimum measuring range is 0.5 m. It is mounted perpendicular to the vehicle at 0.5 m. The camera is mounted perpendicular to the LiDAR at 0.4 m directly below. The thermal infrared camera is mounted perpendicular to the camera at 0.6 m directly below. The maximum velocity of the automated patrol vehicle is 4 m per second, which satisfies the security requirements of patrolling on campus.
Then, the feasibility and accuracy of pedestrian data acquisition, crowd density estimation and real-time body temperature detection are analyzed and discussed.
The experiments of pedestrian data acquisition consist of two parts: (1) feasibility of pedestrian data acquisition; (2) pedestrian detection accuracy verification. The 2D pedestrian data acquisition results using the YOLO V4 algorithm are shown in Figure 12a, and the rectangular boxes are the detection results of pedestrians. The 3D pedestrian data acquisition results using the European clustering algorithm are shown in Figure 12b, and the different colored stereoscopic boxes are the detection results of pedestrians. The image data after data fusion are shown in Figure 12c. The red dots represent the pedestrian detection results based on YOLO V4, and the green dots represent the pedestrian detection results based on the Euclidean clustering algorithm. The results of face detection based on the YOLO V4 network trained by Celeba are shown in Figure 12d.
As shown in Figure 12, occluded pedestrians can be detected by the trained YOLO V4 network better. Long-distance pedestrians can be detected by the clustering algorithm, and the location information of pedestrians can be obtained. Combined with the multi-sensor features, the detection range and feasibility of the fusion algorithm are higher than those of a single sensor. As shown in Figure 12d, the face targets can be detected by a trained YOLO V4 network accurately.
The FP rate index is used to verify the accuracy of the pedestrian detection algorithm under different pedestrian occlusion rates and different scenarios. Considering the moving velocity of the automated patrol vehicle and the sensing range of the sensor, we fixed the distance between the automated patrol vehicle and the pedestrian target at 10 m. The academic building and outer space are used as the respective experimental scenarios to verify the effects of different lighting and environmental complexity on the detection of pedestrians. In order to verify the detection accuracy after data fusion, the occlusion of pedestrians is defined into four levels [36], including no occlusion for pedestrians, partial occlusion for pedestrians, severe occlusion for pedestrians and complete occlusion for pedestrians. The fitting curves of the false positive rates under different scenarios are shown in Figure 13.
The lower the FP rate of pedestrian targets, the better the detection effect of the fusion algorithm. With the increase in the pedestrian occlusion rate, the FP rate of pedestrian targets will gradually increase. The FP rate of the fusion algorithm is lower than 5% when the pedestrian occlusion rate is below 20% in the academic building and outdoor environment, as shown in Figure 13. Therefore, the fusion algorithm has higher accuracy and stronger robustness compared to the single-sensor detection algorithm. The accuracy of the pedestrian detection method based on the fusion algorithm satisfies the requirements of the crowd density estimation algorithm.
Moreover, we evaluate the effectiveness of crowd density estimation in experimental scenarios through a three-part experiment, which includes: (1) crowd clustering threshold selection and crowd detection implementation; (2) crowd density distribution verification; (3) the accuracy of crowd density estimation verification.
The clustering effect of the crowd target is directly related to the clustering threshold. In order to obtain the higher clustering results, a suitable threshold is very important. Therefore, we conduct experiments on the selection of clustering thresholds. The result of the crowd clustering detection with the clustering threshold set to 0.5 is shown in Figure 14. In Figure 14a, the red dots represent the pedestrian detection results based on YOLO V4, and the green dots represent the pedestrian detection results based on the Euclidean clustering algorithm. And in Figure 14b, different colored stereoscopic boxes represent the detection results of crowd targets.
The larger the clustering threshold is, the more blurred the boundary of the crowd target is, as shown in Figure 14. Additionally, the algorithm is more inclined to cluster the scattered points into the detection result, which does not satisfy our requirements. If a small clustering threshold is selected, the number of clustered crowd objects will be very large and will lead to a smaller number of pedestrians contained in a single cluster. The pedestrian targets that cause body temperature to be detected will be reduced, resulting in an increased probability of infection risk. Therefore, we take the clustering threshold as 0.5 m according to the comprehensive judgment of the correlation between the threshold and the number of clusters. The detection results of the crowd target clustering satisfy our requirements under this clustering threshold.
The number of pedestrians in the unit will be detected by the automated patrol vehicle. Additionally, combined with the area of unit, the crowd density in the unit will be estimated. We use the 3D thermodynamic chart to show the current distribution of the crowd density in the scenario, as shown in Figure 15. In order to show that our method has better performance, the initial density distribution matrix is used for comparison.
Crowd density is proportional to its thermal peak. Columns with low density values are represented in blue, and the color of the columns transfers to yellow as the density increases. The initial density distribution matrix M old is shown in Figure 15a, and the final density distribution matrix M new calculated by our algorithm is shown in Figure 15b. In M old , the aggregation area is not prominent, and the density distribution is uniform. As shown in Figure 15b, there are three peaks in the current scenario. Each peak area represents a group of crowd aggregation. The detection result is consistent with the result of the manual measurement of density distribution. The crowd density in the scenario is estimated based on this distribution. We compare the detection results with the real values measured manually to obtain the density error, as shown in Table 2.
Five crowd groups were preset in the experimental scenario and recorded as five groups of scenarios. The larger the scenario number, the more pedestrians in a single scenario. As the number of pedestrians increases, the value of crowd density increases gradually, as shown in Table 2. The density error is the largest when the scenario number is 4 and the smallest when the scenario number is 1. Since three or more pedestrians are completely occluded in the crowd represented by scenario number 4, the error is the largest. The experimental results have shown that the error of the proposed algorithm in detecting crowd density is 6.54% at maximum and 1.11% at minimum. The detection accuracy satisfies the requirements of crowd density estimation.
The feasibility of the body temperature detection algorithm is verified through two-part experiments, which include: (1) real-time body temperature detection verification; (2) body temperature detection accuracy verification. The body temperature of pedestrians in real time is detected by the automated patrol vehicle. The temperature detection results are displayed visually, as shown in Figure 16.
During the experiment, the air temperature is 21.4°. As shown in Figure 16, the real-time body temperature of the current pedestrian can be detected by the automated patrol vehicle, and it can be marked on the pedestrian’s body accurately without abnormal values. Therefore, the proposed algorithm is feasible. Then, the accuracy of our algorithm in detecting pedestrian body temperature is verified through comparative experiments. Considering that the temperature of the same object detected by different devices at different times is not the same, the current results measured by thermometers are highly convincing. Therefore, we select the data measured by the thermometer as the accurate body temperature, and the detection error of the body temperature is calculated through comparing with the detection results, as shown in Figure 17, Figure 18 and Figure 19.
The detection distance is fixed at 3, 4 and 5 m. The interval is set to three seconds, and we select ten consecutive body temperature detection data to compare with the detection results of thermometer. Due to the position of the external bold body and the correction algorithm, the detection of pedestrian body temperature at 3 m is the most accurate, as shown in Figure 17. Comparing the detection results with the body temperature data measured by the thermometer, the absolute value of the error is less than 0.8° in ten records. Considering the safety factors on campus, the automated patrol vehicle has to maintain a reasonable distance from pedestrians. Therefore, the distance between the automated patrol vehicle and the crowd target can be kept at about 3 m, and the body temperature of pedestrians can be detected stably and with high precision at this distance.
The feasibility and accuracy of the pedestrian data acquisition algorithm, the optimal threshold for crowd target clustering, the density estimation and the accuracy of body temperature detection are verified, in turn, after the discussion of the above experiments. The experimental results have shown that the method can work stably in the campus environment.

5. Conclusions

In this paper, in order to reduce the risk of cross-infection and improve the accuracy of sensing, we proposed a novel multi-sensor data fusion method, a multi-layer fusion method and a temperature detection method. Meanwhile, the above methods were applied in an automated patrol vehicle, which improves the flexibility of detection. The experimental results demonstrated that the pedestrian detection results are improved by more than 17% compared to the single-sensor algorithm; the density estimation results are more intuitive after applying the multi-layer fusion method. Compared with the thermometer, the error in body temperature detection is less than 0.8°. Due to the limitations of the equipment cost and the volume of the automated patrol vehicle, the detection effect of the proposed method on the lateral and rear targets of the vehicle body needs to be improved, which can be solved by increasing the number of sensors in the future.

Author Contributions

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

Funding

This research was funded by the Beijing Natural Science Foundation (grant number 4212034).

Institutional Review Board Statement

Not applicable.

Informed Consent Statement

Not applicable.

Data Availability Statement

All data and models used during the study appear in this article.

Acknowledgments

The authors would like to thank X. Liu and X. Wang for their technical assistance with the experiments and analysis.

Conflicts of Interest

The authors declare no conflict of interest.

References

  1. Osama, Z.; Matthew, D. A navigation strategy for an autonomous patrol vehicle based on multi-fusion planning algorithms and multi-paradigm representation schemes. Robot. Autonom. Syst. 2017, 96, 133–142. [Google Scholar]
  2. Wang, P.; Deng, H.; Zhang, J.; Wang, L.; Zhang, M.; Li, Y. Model predictive control for connected vehicle platoon under switching communication topology. IEEE Trans. Int. Transp. Syst. 2021, 99, 1–14. [Google Scholar] [CrossRef]
  3. Ghosh, S.; Amon, P.; Hutter, A.; Kaup, A. Reliable pedestrian detection using a deep neural network trained on pedestrian counts. In Proceedings of the 2017 IEEE International Conference on Image Processing (ICIP), Beijing, China, 17–20 September 2017. [Google Scholar]
  4. Wang, P.; Jiang, Y.; Xiao, L.; Zhao, Y.; Li, Y. A joint control model for connected vehicle platoon and arterial signal coordination. J. Int. Transp. Syst. 2020, 24, 81–92. [Google Scholar] [CrossRef]
  5. Fang, W.; Chen, J.; Hu, R. Pedestrian attributes recognition in surveillance scenarios with hierarchical multi-task CNN models. China Commun. 2018, 15, 208–219. [Google Scholar]
  6. Sigut, J.; Castro, M.; Arnay, R.; Sigut, M. OpenCV basics: A mobile application to support the teaching of computer vision concepts. IEEE Trans. Educ. 2020, 63, 328–335. [Google Scholar] [CrossRef]
  7. Lecun, Y.; Boser, B.; Denker, J.S.; Henderson, D.; Howard, R.E.; Hubbard, W.; Jackel, L.D. Backpropagation applied to handwritten zip code recognition. Neural Comput. 1989, 1, 541–551. [Google Scholar] [CrossRef]
  8. Ryu, j.; Kim, S. Feature map swap: Multispectral data fusion method for pedestrian detection. In Proceedings of the 2019 19th International Conference on Control, Automation and Systems (ICCAS), Jeju, Korea, 15–18 October 2019. [Google Scholar]
  9. Luo, H. Pedestrian reidentification based on feature fusion and metric learning. Int. J. Circuits Syst. Signal Proc. 2022, 16, 105–114. [Google Scholar] [CrossRef]
  10. Luo, J.; Zhang, C.; Wang, C. Indoor multi-floor 3d target tracking based on the multi-sensor fusion. IEEE Access 2020, 8, 36836–36846. [Google Scholar] [CrossRef]
  11. Mendez, J.; Molina, M.; Rodriguez, N.; Cuellar, M.P.; Morales, D.P. Camera-LiDAR multi-level sensor fusion for target detection at the network edge. Sensors 2021, 21, 3992. [Google Scholar] [CrossRef]
  12. Han, J.; Liao, Y.; Zhang, J.; Wang, S.; Li, S. Target fusion detection of LiDAR and camera based on the improved YOLO algorithm. Mathematics 2018, 6, 213. [Google Scholar] [CrossRef] [Green Version]
  13. Zhang, R.; Yang, Y.; Wang, W.; Zeng, L.; Chen, J.; McGrath, S. An algorithm for obstacle detection based on YOLO and light filed camera. In Proceedings of the 2018 12th International Conference on Sensing Technology (ICST), Limerick, Ireland, 4–6 December 2018. [Google Scholar]
  14. 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. Multimedia 2021, 23, 443–453. [Google Scholar] [CrossRef]
  15. Liu, C.; Yao, Y.; Xu, C. Conventional and neural network-based water vapor density model for GNSS troposphere tomography. GPS Sol. 2022, 26, 4. [Google Scholar] [CrossRef]
  16. Muhammed, V.A.; Santhosh, G.K. Deep learning framework for density estimation of crowd videos. In Proceedings of the 2018 8th International Symposium on Embedded Computing and System Design (ISED), Cochin, India, 13–15 December 2018. [Google Scholar]
  17. Ziyadinov, V.V.; Kurochkin, P.S.; Tereshonok, M.V. Convolutional neural network training optimization for low point density image recognition. J. Commun. Technol. Electr. 2021, 66, 1363–1369. [Google Scholar] [CrossRef]
  18. Ding, X.; He, F.; Lin, Z. Crowd density estimation using fusion of multi-layer features. IEEE Trans. Int. Transp. Syst. 2021, 22, 4776–4787. [Google Scholar] [CrossRef]
  19. Huang, S.; Zhou, H.; Liu, Y.; Chen, R. High-resolution crowd density maps generation with multi-scale fusion conditional GAN. IEEE Access 2020, 8, 108072–108087. [Google Scholar] [CrossRef]
  20. Sajid, U.; Ma, W.; Wang, G. Multi-resolution fusion and multi-scale input priors based crowd counting. In Proceedings of the 2020 25th International Conference on Pattern Recognition (ICPR), Milan, Italy, 10–15 January 2021. [Google Scholar]
  21. Nguyen, M.N.; Tran, V.H.; Huynh, T.N. Depth embedded and dense dilated convolutional network for crowd density estimation. In Proceedings of the 2021 International Conference on System Science and Engineering (ICSSE), Ho Chi Minh City, Vietnam, 26–28 August 2021. [Google Scholar]
  22. Wang, S.; Pu, Z.; Li, Q.; Guo, Y.; Li, M. Edge computing-enabled crowd density estimation based on lightweight convolutional neural network. In Proceedings of the 2021 IEEE International Smart Cities Conference (ISC2), Manchester, UK, 7–10 September 2021. [Google Scholar]
  23. Zhang, Y.; Zhao, H.; Duan, Z.; Huang, L.; Deng, J.; Zhang, Q. Congested crowd counting via adaptive multi-scale context learning. Sensors 2021, 21, 3777. [Google Scholar] [CrossRef]
  24. Wang, P.; Wang, Y.; Wang, X.; Liu, Y.; Zhang, J. An intelligent actuator of an indoor logistics system based on multi-sensor fusion. Actuators 2021, 10, 120. [Google Scholar] [CrossRef]
  25. Rayanasukha, S.; Somboonkaew, A.; Sumriddetchkajorn, S.; Chaitavon, K.; Chanhorm, S.; Saekow, B.; Porntheeraphat, S. Self-compensation for the influence of working distance and ambient temperature on thermal imaging-based temperature measurement. IEEE Trans. Instrument. Meas. 2021, 70, 1–6. [Google Scholar] [CrossRef]
  26. Kim, S.; Kim, T. Radiometric temperature-based pedestrian detection for 24 hour surveillance. In Proceedings of the 2018 IEEE International Conference on Multimedia & Expo Workshops (ICMEW), San Diego, CA, USA, 23–27 July 2018. [Google Scholar]
  27. Lee, P.J.; Bui, T.A.; Lo, C.C. Temperature model and human detection in thermal image. In Proceedings of the 2018 IEEE 7th Global Conference on Consumer Electronics (GCCE), Nara, Japan, 9–12 October 2018. [Google Scholar]
  28. Mushahar, M.F.A.; Zaini, N. Human body temperature detection based on thermal imaging and screening using YOLO Person Detection. In Proceedings of the 2021 11th IEEE International Conference on Control System, Computing and Engineering (ICCSCE), Penang, Malaysia, 27–28 August. 2021. [Google Scholar]
  29. Zhu, Z.; Huang, Y.; Chen, Z.; Huang, H. Non-contact infrared temperature detection and RFID technology access control design. J. Phys. Conf. Ser. 1982, 1, 012087. [Google Scholar] [CrossRef]
  30. Bhogal, R.K.; Potharaju, S.; Kanagala, C.; Polla, S.; Jampani, R.V.; Yennem, V.B.R. Corona virus disinfectant tunnel using face mask detection and temperature monitoring. In Proceedings of the 2021 5th International Conference on Intelligent Computing and Control Systems (ICICCS), Madurai, India, 6–8 May 2021. [Google Scholar]
  31. He, H.; Yan, Z.; Geng, Z.; Liu, X. Research on pedestrian tracking algorithm based on deep learning. In Proceedings of the 2021 International Conference on Computer Information Science and Artificial Intelligence (CISAI), Kunming, China, 17–19 September 2021. [Google Scholar]
  32. Liu, S.; Yu, M.; Li, M.; Xu, Q. The research of virtual face based on deep convolutional generative adversarial networks using TensorFlow. Phys. A Stat. Mech. Its Appl. 2019, 521, 667–680. [Google Scholar] [CrossRef]
  33. Zhang, Z. A flexible new technique for camera calibration. IEEE Trans. Patt. Anal. Mach. Int. 2000, 22, 1330–1334. [Google Scholar] [CrossRef] [Green Version]
  34. Rubin, B.S.; Sathiesh, K. An efficient inception V2 based deep convolutional neural network for real-time hand action recognition. IET Image Proc. 2019, 14, 688–696. [Google Scholar]
  35. Alqahtani, M.; Kumar, N.; Aljawder, D.; Abdulrahman, A.; Alnashaba, F.; Fayyad, M.A.; Alshaikh, F.; Alsahaf, F.; Saeed, S.; Almahroos, A.; et al. Randomized controlled trial of favipiravir, hydroxychloroquine, and standard care in patients with mild/moderate COVID-19 disease. Sci. Rep. 2022, 12, 4925. [Google Scholar] [CrossRef] [PubMed]
  36. Dollár, P.; Appel, R.; Kienzle, W. Crosstalk cascades for framerate pedestrian detection. In Proceedings of the 12th European Conference on Computer Vision-Volume Part II, Heidelberg, Germany, 7 October 2012. [Google Scholar]
Figure 1. Structure of advanced pedestrian state sensing method for automated patrol vehicle based on multi-sensor fusion.
Figure 1. Structure of advanced pedestrian state sensing method for automated patrol vehicle based on multi-sensor fusion.
Sensors 22 04807 g001
Figure 2. Structure of pedestrian detection based on YOLO V4.
Figure 2. Structure of pedestrian detection based on YOLO V4.
Sensors 22 04807 g002
Figure 3. Flow chart of training YOLO V4 network and face detection.
Figure 3. Flow chart of training YOLO V4 network and face detection.
Sensors 22 04807 g003
Figure 4. Flow chart of pedestrian point cloud detection based on Euclidean clustering algorithm.
Figure 4. Flow chart of pedestrian point cloud detection based on Euclidean clustering algorithm.
Sensors 22 04807 g004
Figure 5. Flow chart of multi-sensor data fusion based on confidence optimization.
Figure 5. Flow chart of multi-sensor data fusion based on confidence optimization.
Sensors 22 04807 g005
Figure 6. The coordinate system calibration of the multi-source sensors.
Figure 6. The coordinate system calibration of the multi-source sensors.
Sensors 22 04807 g006
Figure 7. Structure of perspective transformation.
Figure 7. Structure of perspective transformation.
Sensors 22 04807 g007
Figure 8. Detection results of crowd target. (a) Euclidean cluster in Condition 1; (b) Euclidean cluster in Condition 2.
Figure 8. Detection results of crowd target. (a) Euclidean cluster in Condition 1; (b) Euclidean cluster in Condition 2.
Sensors 22 04807 g008
Figure 9. Structure of crowd density distribution detection based on the multi-layer fusion algorithm.
Figure 9. Structure of crowd density distribution detection based on the multi-layer fusion algorithm.
Sensors 22 04807 g009
Figure 10. Flow chart of pedestrian body temperature detection.
Figure 10. Flow chart of pedestrian body temperature detection.
Sensors 22 04807 g010
Figure 11. Experimental platform based on automated patrol vehicle. (a) Experimental scenario. (b) Automated patrol vehicle.
Figure 11. Experimental platform based on automated patrol vehicle. (a) Experimental scenario. (b) Automated patrol vehicle.
Sensors 22 04807 g011
Figure 12. The results of pedestrian detection and face detection. (a) 2D detction box. (b) 3D detection box. (c) Fusion results. (d) Face detection results.
Figure 12. The results of pedestrian detection and face detection. (a) 2D detction box. (b) 3D detection box. (c) Fusion results. (d) Face detection results.
Sensors 22 04807 g012
Figure 13. Fitting curves of false positive rate under different scenarios. (a) Outdoor environment. (b) Academic building.
Figure 13. Fitting curves of false positive rate under different scenarios. (a) Outdoor environment. (b) Academic building.
Sensors 22 04807 g013
Figure 14. Detection results of crowd target when the clustering threshold is set to 0.5. (a) The crowd aggregation state. (b) The detection results of crowd target.
Figure 14. Detection results of crowd target when the clustering threshold is set to 0.5. (a) The crowd aggregation state. (b) The detection results of crowd target.
Sensors 22 04807 g014
Figure 15. Visualizations of crowd density distribution detection results. (a) Initial crowd density distribution M old . (b) Final crowd density distribution M new .
Figure 15. Visualizations of crowd density distribution detection results. (a) Initial crowd density distribution M old . (b) Final crowd density distribution M new .
Sensors 22 04807 g015
Figure 16. Results of temperature detection. (a) Original image. (b) Face detection. (c) Temperature detection.
Figure 16. Results of temperature detection. (a) Original image. (b) Face detection. (c) Temperature detection.
Sensors 22 04807 g016
Figure 17. Comparison of pedestrian body temperature detection results at a distance of 3 m. (a) Temperature detection results. (b) Detection error.
Figure 17. Comparison of pedestrian body temperature detection results at a distance of 3 m. (a) Temperature detection results. (b) Detection error.
Sensors 22 04807 g017
Figure 18. Comparison of pedestrian body temperature detection results at a distance of 4 m. (a) Temperature detection results. (b) Detection error.
Figure 18. Comparison of pedestrian body temperature detection results at a distance of 4 m. (a) Temperature detection results. (b) Detection error.
Sensors 22 04807 g018
Figure 19. Comparison of pedestrian body temperature detection results at a distance of 5 m. (a) Temperature detection results. (b) Detection error.
Figure 19. Comparison of pedestrian body temperature detection results at a distance of 5 m. (a) Temperature detection results. (b) Detection error.
Sensors 22 04807 g019
Table 1. Corresponding relationship between pedestrian distance and clustering radius threshold.
Table 1. Corresponding relationship between pedestrian distance and clustering radius threshold.
Distance between Pedestrian and the Automated Patrol Vehicle L p e d s / ( m ) Threshold of Clustering Radius R / ( m )
(0,10)0.2
(10,20)0.5
(20,30)1.0
(30,40)1.5
(40,50)2
Table 2. Analysis of the accuracy of crowd density estimation.
Table 2. Analysis of the accuracy of crowd density estimation.
Scenario Number nsThe Values of Crowd Density Estimation ρ c r o w d / ( p e d s h 2 ) The Error of Crowd Density Estimation E ρ c r o w d / ( % )
10.91.11
22.82.52
35.33.58
48.46.54
510.55.91
Publisher’s Note: MDPI stays neutral with regard to jurisdictional claims in published maps and institutional affiliations.

Share and Cite

MDPI and ACS Style

Wang, P.; Liu, C.; Wang, Y.; Yu, H. Advanced Pedestrian State Sensing Method for Automated Patrol Vehicle Based on Multi-Sensor Fusion. Sensors 2022, 22, 4807. https://doi.org/10.3390/s22134807

AMA Style

Wang P, Liu C, Wang Y, Yu H. Advanced Pedestrian State Sensing Method for Automated Patrol Vehicle Based on Multi-Sensor Fusion. Sensors. 2022; 22(13):4807. https://doi.org/10.3390/s22134807

Chicago/Turabian Style

Wang, Pangwei, Cheng Liu, Yunfeng Wang, and Hongsheng Yu. 2022. "Advanced Pedestrian State Sensing Method for Automated Patrol Vehicle Based on Multi-Sensor Fusion" Sensors 22, no. 13: 4807. https://doi.org/10.3390/s22134807

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