Abstract

With the rapid increase in the number of large-scale distributed cameras and the rapid increase in the monitoring range of the camera network, how to accurately recognize and analyze abnormal behavior is still a challenging problem. In addition, the appearance of moving objects between different cameras without overlapping fields of view undergoes significant changes, making it difficult to obtain accurate association Therefore, multiobjects association and abnormal behavior detection for massive data analysis in multisensor monitoring network are proposed in this paper, which firstly uses belief propagation to associate multiple objects, extracts the object’s behavior trajectory characteristics, and then builds a long short-term memory classification network to realize automatic classification of abnormal behaviors. Multiobject association fully considers the timing correlation and object detection probability, as well as the statistical dependence of the measurement on the association matrix. The experimental results show that our proposed method can achieve a high classification accuracy and sensitivity, which meets the requirements of automatic classification of abnormal behavior in complex monitoring network. This further shows that this research has practical application value.

1. Introduction

The key technology of building an intelligent surveillance system is to automatically process the video images captured by the multisensors and understand the semantic information [1]. The development of computer vision technology provides necessary methods and means for intelligent video analysis [2]. However, for multisensor monitoring network, how to intelligently detect abnormal events and recognize the identity of suspicious objects is the core issue of video monitoring [3].

Abnormal events are different from the normal events in the monitoring scene, such as pedestrian chasing, gathering, or fighting. As an effective protection method, abnormal event detection can accurately detect abnormal events in the surveillance video and give timely warnings, which can avoid the further deterioration of the accident [4]. For the suspicious object in the surveillance video, multiobjects association technology can accurately locate the suspicious object’s location or trajectory, so as to confirm its identity and behavioral tendency. Therefore, the intelligent analysis based on abnormal event detection and object recognition technology can ensure public safety and promotes the development of safe cities and smart cities [5].

At present, the academia treats the abnormal event detection task as a classification rather than a traditional detection task [610]. Through local-feature extraction and behavior-model construction, it can predict the category of the event. With the development of intelligent signal processing technology, deep-learning models represented by convolutional networks have achieved excellent performance in vision applications [7, 9]. The training of deep-learning models generally requires positive and negative samples, but most of the samples in the surveillance video only contain normal behavior information [8]. The frequency of abnormal events is very low, and there are also many types of abnormal events. It is difficult to give an accurate description of abnormal events, which will lead to the fact that most of the training samples available during model training are positive samples. In other words, there are samples that only contain normal events, and, even in most cases, only positive samples are available. Therefore, the abnormal event detection task in surveillance video can only be regarded as a single-category classification task in most cases. The main solution is to firstly establish a model of normal events, and samples that do not conform to normal events are abnormal events [11]. How to extract the characteristics of normal events and construct an effective normal event model becomes the key to abnormal event detection.

In addition, object association is one of the key technologies in multisensor monitoring network, and its main purpose is to judge whether the feature information of multiple local sensors is from the same object. In a multisensor monitoring system, the role of object association is particularly important. Object missing association will produce redundant objects, and object misassociation will produce wrong judgments due to the fusion of nonsame objects [12]. In particular, wrong association information will reduce the accuracy of identification in the process of identifying abnormal behaviors [13].

The key to abnormal behavior detection lies in long-time object tracking [14]. Through continuous extraction of object behavior characteristics, the abnormal object is finally analyzed. The multiobject tracking algorithm tracks the movement trajectory of an object on the basis of the single-object tracking algorithm [15]. It also needs to distinguish different objects and correctly associate the motion trajectories of different objects in different frames, and it is also a more difficult computer vision task to deal with issues such as mutual occlusion of multiple objects, confusion of similar objects, and mutual motion effects between objects [16].

Object association has a wide range of applications in the field of multisensor information fusion, and its essence is an NP-hard problem that requires an approximate solution method [17]. The existing object association algorithms can be roughly divided into two categories [1820]. The first category is the object association algorithm based on the nearest neighbor. Singer et al. assumed that the state estimation errors of different sensors for the same object are independent and proposed an effective nearest-neighbor algorithm to improve the accuracy of data association [18]. Considering the influence of common noise, Bar-Shalom et al. proposed an improved weighted statistical distance object association algorithm by optimizing the distance measurement function [19]. Kosaka et al. proposed a nearest-neighbor method combined with fuzzy association [20]. The second category is object association algorithm based on multidimensional allocation, which converts the object association to recursively solve the high-dimensional allocation matrix problem. Bar-Shalom et al. firstly used the Hungarian algorithm to solve the problem of object association between two sensors [21]. Poore et al. used the Lagrangian relaxation operator method to approximately obtain the high-dimensional association matrix in the multisensor object association problem [22]. Since the association algorithm based on the nearest neighbor and the Hungarian method both use hard decision-making association judgment and neither consider the time correlation of object association, when the objects are dense, the hard-decision object association method based on single-frame processing is prone to the mismatch of the association results, which leads to redundant objects and wrong objects [23].

In order to achieve the accuracy of multiobject association and behavior recognition under multiple sensors, this paper proposes a multiobjects association and abnormal behavior detection for massive data analysis in multisensor monitoring network, which first uses belief propagation to associate multiple objects acquired by multiple sensors, extracts the object’s behavior trajectory characteristics, and then builds a long short-term memory classification network to realize automatic classification of abnormal behaviors based on object association characteristics. Multiobject association is basis of the Belief Propagation framework, where the multisensor object association problem is transformed into a high-dimensional association matrix allocation problem, and then a high-dimensional matrix probability graph model is established; multiobject association fully considers the timing correlation and object detection probability, as well as the statistical dependence of the measurement on the association matrix; according to the belief propagation criterion of the association matrix, the BP algorithm is finally used to solve the marginal probability of the high-dimensional association matrix. The experimental results based on abnormal behavior database show that our proposed method can significantly shorten the classification time and achieve high classification accuracy and sensitivity, meeting the requirements of real-time and efficient automatic classification of abnormal behavior in complex monitoring network.

Based on the above research, this paper proposes a new multiobject association and abnormal behavior detection method. The work of this paper is summarized as follows:(1)Connect multiple sensors to use belief propagation. Through the objects acquired by multiple sensors, the behavior trajectory characteristics of the objects are extracted.(2)Establish a long short-term memory classification network to realize automatic classification of abnormal behaviors based on the associated features of objects.(3)Multiobject correlation fully considers the temporal correlation and object detection probability and measures the statistical dependence of the correlation matrix. Experimental results show that this method has high classification accuracy and sensitivity and can meet the requirements of automatic classification of abnormal behaviors in complex surveillance networks.

2. Problem Description

In order to analyze our research object intuitively, we show the object association examples in different scenarios in Figure 1, where Figure 1(a) shows the surveillance images obtained by different sensors at different times and Figure 1(b) shows the surveillance images obtained by the same sensors at different times. It can be seen that the object has passed through the monitoring area of different sensors, and the monitoring results from different sensor-angles are displayed. If the spatiotemporal context characteristics of objects from different sensor networks can be associated, the track of the object can be accurately grasped and the behavioral tendency of the object can be predicted. Therefore, the solved problem in this paper is to estimate the object association matrix A on the basis of the past and current position and attitude of each local sensor and then extract the deep feature of the object’s association information, obtain the object behavior feature classification, and finally realize the abnormal behavior detection.

Specifically, the joint probability density function of the association matrix is adopted to solve the marginal posterior probability of each object association event, where an efficient BP algorithm is used to approximate the marginal posterior probability so as to realize the association of multiple objects acquired by multiple sensors, extract the object’s behavior trajectory characteristics, and then build a long short-term memory classification network to realize automatic classification of abnormal behaviors on the basis of the object’s associated characteristics. The architecture of the model proposed in this paper is shown in Figure 2. All samples in this experiment are detected by YOLO-V3, and all objects in the image are extracted; belief propagation associates multiple objects acquired by multiple sensors, extracts the object’s behavior trajectory characteristics, and then builds a long short-term memory classification network to realize automatic classification of abnormal behaviors based on object association characteristics.

3. Multiobjects Association Model

3.1. Association Matrix of Multiple Objects for Multiple Sensors

It is assumed that there are sensors in the monitoring area, where . Each local sensor detects the object at the same time and reports the object position to the fusion center in real time. The multisensor object association model processes effectively the information of the objects from different sensors so as to determine the same-source object and obtain a unified trajectory chart. The sensor reports object state estimation , , to the fusion center at time . The estimated error covariance of the sensor object state is , and the object detection probability of the local sensor is . It is assumed that all state estimates sent by each sensor to the fusion center have achieved the temporal and spatial registration. Therefore, we can define , ,and (T is transpose operation).

In addition, a binary random matrix with the size of is defined at time . The element of association matrix is a binary random variable with value of 0 or 1, which represents the object association event. The subscript of indicates the participation of the sensor in the association event , where indicates that all objects of the sensor do not participate in the association event, and indicates that the local object of the sensor participates in the association event. If , the object participating in the association event is the same-source object. According to the definition of association matrix, has no concrete meaning. Finally, we can define an association matrix .

It is assumed that, at time , any trajectory of any local sensor can only be associated with one object association combination of other sensors at most. Therefore, its mathematical expression can be written as follows:

The above constraints are collectively referred to as sum-constraints. Only the data association matrix that satisfies equation (1) is valid, and the set of all the association matrices which satisfies the sum-constraints is . Then, the associated object state estimation set represented by the association matrix element as is defined, where is the total number of associated objects in the monitoring area. In other words, it is the number greater than 0 in the subscript ; its corresponding estimation error covariance can be defined as . It is assumed that the local sensor’s local estimation error covariance of the same object is independent, and the average distance of the object set at the time is defined as follows:where is the estimated Mahalanobis distance between the object positions and , and is the threshold. When the object association event is true, the probability that the object set contains the same homologous object is defined as

Therefore, the global likelihood function is used to describe the statistical dependence of the local object on the global association event , which is written as follows:

3.2. Prior Probability of Allocation Matrix

In the process of object association, the object association relationship usually has strong continuity in time sequence. Since the probability distribution of the association matrix at a certain moment often has a great relationship with the probability distribution of the previous moment, it is assumed that the prior probability of the association matrix conforms to the first-order Markov model in timing series. The prior probability of the association matrix is also related to the detection probability of each local sensor. Therefore, the prior probability of the association matrix is described aswhere is an indicator function that represents the sum-constraints of association matrix and it can be defined as follows:where in equation (5) is the confidence function of the detection probability of the local sensor to the prior probability of the association matrix, which is defined as follows:where is an indicator function and its definition is denoted as follows:where is the state transition matrix of the probability distribution of the association matrix. It is observed that the directly solved marginal probability distribution needs to integrate the association matrix A, and its integration dimension increases with time, the number of objects, and the number of local sensors. Therefore, it is difficult to directly solve the marginal probability distribution for . In order to solve this problem, Bayesian model is adopted as follows:

It can be seen that the factorization of the above equation can be expressed as a circular factor graph shown in Figure 2. Therefore, the solution of association probability is divided into the following four steps. The first step and the second step are to initialize the confidence of the association variables according to the prior probability of the association matrix and the local object of the sensor. The third step is the iterative propagation of messages between variable nodes and constraint nodes, which plays a key role in data association, namely, how to solve the marginal probability of each associated variable under the conditions of satisfying sum-product constraint. When all the messages in the third step converge to a given threshold or the number of iteration steps reaches the maximum, the fourth step is to extract the highest confidence, which is to say that the marginal posterior probability of can be obtained. So far, we have realized the multiobjective information association and obtained the object association information. It lays a foundation for the next step to adopt the long short-term memory network model for abnormal behavior classification.

4. Abnormal Behavior Detection Based on the Long Short-Term Memory Network Model

4.1. Long Short-Term Memory Network

Once the spatiotemporal association information of the object is obtained, the deep model can be used to obtain the most essential behavior characteristics and perform feature classification [23]. This section adopts that the convolutional neural network automatically learns the association signal features, the input signal is reduced to a small size and fixed length 1-dimensional feature vector, and then the obtained feature vector is input into the long short-term memory (LSTM) network for training and testing and realizes the association signal-based automatic classification of abnormal behavior [24]. CNN can effectively learn data features through convolution operation and its special structure and classify the input information according to the hierarchical structure. In the convolution process, the convolution kernel repeatedly acts on each receptive field of the entire input sample so as to obtain a deep-feature mapping of the input signal. The output feature map will be inputted to the pooling layer for feature selection and information filtering. The pooling layer uses the overall statistical characteristics of the adjacent output at a certain location to replace the output of the network at that location, reducing the amount of network parameters. In this paper, according to the VGGNet network framework combined with the properties of the object trajectory signal, a 1D deep convolutional neural network framework based on the trajectory signal is designed to realize the automatic feature extraction of the trajectory signal. Long short-term memory network is a variant of Recurrent Neural Network (RNN), which can effectively solve the problems of vanishing gradient and exploding gradient in the training process of RNN. It is often used to process time-series signals. There are input gate, forget gate, and output gate in the structure of recurrent neural network, where the input gate is used to learn what information is stored in the memory and to determine the information that needs to be updated; the forget gate is used to understand the length of time through which the information is stored; the output gate is used to determine which information can be used for output [25, 26].

As we all know, the signal features extracted by the convolutional neural network have strong representational capacity and Identification ability [26]. LSTM can highlight the timing of trajectory signals and remember the internal connections of signals. The depth of the neural network model is the key to ensuring feature abstraction and model generalization. However, if the network model is too deep, model degradation problems will occur [27]. Therefore, a 15-layer 1D convolutional neural network feature learning model is designed to extract trajectory signal features. In proposed deep model, the Rectified Linear Unit (ReLU) is selected as the activation function of the convolutional neural network, and batch normalization (BN) layer is added after each convolution layer to prevent overfitting of the model, which can obtain signal features with strong representational capacity and distinguishable ability [28]. The final output is a one-dimensional association signal feature. These features are used as the input of the long short-term memory network classifier, and the fully connected layer and the Softmax function are used to obtain the probability values of different categories, so as to realize the automatic classification of abnormal behaviors based on the association signals.

In the CNN feature extraction module, a convolution kernel with a size of (5, 1) and a sliding step of 1 is used to automatically extract deep features. The numbers of convolution kernels are 16, 32 and 64, respectively; the number of convolution kernels is finally passed. The results of all branches are recombined by convolution layer with 1 convolution kernel to form a feature mapping [29]. In addition, batch normalization is used to increase the internal covariance shift of feature vectors and prevent overfitting. The pooling layer selects the maximum pooling operation with a size of 2 and a sliding step of 2 to compress the feature vector size. Meanwhile, all intermediate layers use ReLU as the activation function. After the entire convolution operators are finished, the length of the association signal is compressed from 300×1 to 38×1 feature vector. The detailed structure parameters of each layer of the long short-term memory network model are shown in Table 1.

The signal spatial features extracted in the convolution structure are decomposed into sequential components and sent to the 32-unit LSTM network for analysis. Its special gate structure is used to improve the problems of gradient disappearance and gradient explosion, and the deep learning model can mine the deep-level features between trajectory signals and perform learning and mapping to help the model abstract the temporal feature in these feature vectors [30, 31]. Finally, the fully connected layer and the Softmax function are used to calculate the predicted probability according to the output of the LSTM module to complete the abnormal behavior classification.

4.2. Model Training and Classification

The initial values of network weight W and bias b are set to random numbers with approximate 0, which are continuously adjusted by the network during the training process to obtain the meaningful spatial information in the multisensor monitoring data. The adopted features are extracted from convolution layer and pooling layer, and then these features are sent to the long-term and short-term memory network units for analyzing the abnormal behavior [32]. The adaptive moment estimation (AME) algorithm based on stochastic gradient descent [28] is used to train the model. After bias correction, the learning rate of each iteration has a certain range, which makes the parameters more stable. The weight is updated by the stochastic gradient descent (SGD) method, and the cross entropy loss (CEL) function is used to calculate the loss rate [33]. The learning rate was fixed at 0.0001, the momentum was 0.9, and the batch size was 20:where is the regularization term of L2 norm, is the category of abnormal behavior, is the number of abnormal categories, and its number is 5; is the number of training samples, is the learning rate, is the hyperparameter of model and its updating formula is . In classification module, only the final output of the LSTM network is transmitted to the full connection layer. The trajectory signals are divided into five categories by using Softmax activation function. The six nodes in Softmax layer represent walking, running, waving, jogging, boxing, and handclapping, respectively [34]. Finally, the probability of five categories can be calculated, and its calculation formula is as follows:where are the weight and bias of the Softmax layer and represents the probability of being divided into the -th class.

5. Experimental Results and Analysis

5.1. Dataset

The model proposed in this paper is mainly used in multisensor monitoring network to achieve multiobject detection and association and to analyze the behavior trend of the object. In order to evaluate the performance of our proposed abnormal behavior detection algorithm, the training set uses the international common behavior recognition data: UCSD, KTH,UCF101, and HMDB5 [3135]. The KTH database includes six types of behaviors with 25 different pedestrians in four scenarios, namely, walking, running, waving, jogging, boxing, and handclapping, where the camera of these samples is relatively fixed and the background is simple; UCF101 and HMDB5 are complex datasets containing a large number of behavior categories, most of the data comes from video clips, pedestrian movement is complex, the angle of view changes greatly, and there are a lot of multiperson interaction.

ped1 and ped2 datasets in UCSD are databases that researchers at the University of California have collected for abnormal behavior detection [29]. The ped1 dataset contains 34 training video clips and 36 testing video clips, while the ped2 dataset has 16 training video clips and 12 test video clips negative. In these datasets, the training samples only contain normal behavior, while the testing samples not only have normal behavior but also mix many abnormal behaviors. In these two datasets, the main background is public pedestrian roads, so riding bicycles, roller skating, and the presence of vehicles on nearby pedestrian roads are regarded as abnormal events. The dataset distribution is shown in Table 2.

5.2. Qualitative and Quantitative Analysis

To achieve the accuracy of multiobject association and behavior recognition under multiple sensors, this paper proposes a multiobjects association and abnormal behavior detection for massive data analysis in multisensor monitoring network, which first uses belief propagation to associate multiple objects acquired by multiple sensors, extracts the object’s behavior trajectory characteristics, and then builds a long short-term memory classification network to realize automatic classification of abnormal behaviors based on object association characteristics. Therefore, in order to analyze the effectiveness of our proposed algorithm, this experiment carries out qualitative and quantitative analysis from two experimental perspectives, namely, multiobject association and abnormal behavior detection.

5.2.1. Comparison Analysis for Multiobject Association

It is worth noting that all samples in this experiment are detected by YOLO-V3, and all objects in the image are extracted [30]. Multiobject association is basis of the belief propagation framework, where the multisensor object association problem is transformed into a high-dimensional association matrix allocation problem, and then a high-dimensional matrix probability graph model is established; multiobject association fully considers the timing correlation and object detection probability, as well as the statistical dependence of the measurement on the association matrix; according to the belief propagation criterion of the association matrix, the BP algorithm is finally used to solve the marginal probability of the high-dimensional association matrix.

In order to verify the effectiveness of the proposed multiobject association algorithm, this experiment considers the monitoring scenario with three-sensor joint monitoring system when the six objects are relatively parallel and cross-moving and selects Temp_Ass and Sift_Ass as comparison algorithms, which can be found in [12]. The iterative termination threshold of the belief algorithm is 10–6, and the maximum number of iterations is 1000. When the object is associated for three consecutive frames, the association starts, and if the object is not associated for four consecutive frames after the start of the association, the association ends.

The evaluation index of the experiment adopts the CLEAR MOT metrics commonly used in the field of multiobject association. This criterion defines the accuracy of multiobject association (MAA),which measures the accuracy of the location of the associated results. In addition, we also adopted precision to comprehensively measure the accuracy of the number of associated objects (MAN), Number of False Positives (FP), Number of False Negatives (FN), and Number of Identity Switches (ID-Sw). It is assumed that the tracking result set of the k-th frame of the video sequence is , and the ground-truth result set is ; then the solved problem to measure the performance is the matching problem of the two sets of and . Suppose the matching mapping of the two sets of and is , where represents the real object and represents the corresponding object obtained from the association result. The experimental results are shown in Table 3.

Table 3 shows the quantitative evaluation results of the three algorithms. As shown in the table, compared with other algorithms, our proposed algorithm achieves the best association results in this video. This is because the video has many moving objects, but the objects are relatively sparse and the background is relatively simple. Our algorithm can accurately and completely detect the moving objects, and the number of false alarms and missing detections is less, so it has obvious advantages. Due to the limitation of the number of training samples and the accuracy of classifier, Temp_Ass and Sift_Ass have many false alarms and missed detection. Therefore, our proposed algorithm also obtains good test results in number of identity switches, which shows that the proposed algorithm can ensure the accuracy of multiobject association.

5.2.2. Comparison Analysis for Abnormal Behavior Detection

The long short-term memory network is implemented under the PyTorch deep learning framework. In order to improve the efficiency of feature optimization and sample learning, Adam optimization algorithm is used to update the network weight and parameter. The parameters are set as follows: alpha = 0.001, beta1 = 0.900, beta2 = 0.999, and epsilon = 10–8. For the behavior characteristics’ extraction module, the learning rate is set to , and the training iterations are 200K times.

It can be seen from the results in Table 4 that our proposed model has higher classification and recognition accuracy. SRM is a nondeep learning model that uses SVM classifiers to achieve final behavior recognition, and the recognition accuracy of simple background images in a fixed field of view is relatively high, while the result for video sequences with complex scenes is only 63%. BMP is a commonly used spatiotemporal flow recognition mode, and MSR is to combine the information of all channels to obtain the final feature description. Our proposed algorithm is based on the comprehensive improvement of each model, using the association information of the object, extracting rich global context information, and enhancing the accuracy of recognition. Therefore, our model has achieved the best result of 90.55% on the UCF101 dataset.

Since there are many behavior categories in different datasets, in order to accurately analyze the behavior recognition performance under different categories, this article uses the classification confusion matrix of the ped2 data recognition results to quantitatively describe the results as shown in Figure 3. It can be seen from Figure 3 that behaviors have false positives, but the proportion is small, and most behaviors have an 80% accuracy. In addition, the difference in sequence between walking and jogging in the dataset is small, but the accuracy of the detection result is high, which fully shows that our proposed can obtain a more ideal abnormal behavior classification effect.

6. Conclusion

With the rapid increase in the number of large-scale distributed cameras and the rapid increase in the monitoring range of the camera network, how to accurately recognize and analyze abnormal behavior is still a challenging problem. In addition, the appearance of moving objects between different cameras without overlapping fields of view undergoes significant changes, making it difficult to obtain accurate association Therefore, multiobjects association and abnormal behavior detection for massive data analysis in multisensor monitoring network is proposed in this paper, which firstly uses belief propagation to associate multiple objects, extracts the object’s behavior trajectory characteristics, and then builds a long short-term memory classification network to realize automatic classification of abnormal behaviors. Multiobject association fully considers the timing correlation and object detection probability, as well as the statistical dependence of the measurement on the association matrix. The experimental results show that our proposed method can achieve high classification accuracy and sensitivity, which meets the requirements of automatic classification of abnormal behavior in complex monitoring network. However, as the number of cameras increases, the performance of the algorithm proposed in this article will gradually decrease. This is exactly where this research needs to be improved in the future.

Data Availability

The labeled datasets used to support the findings of this study are available from the corresponding author upon request.

Conflicts of Interest

The authors declare no conflicts of interest.

Acknowledgments

This work was supported by the 13th Five-Year Plan of Educational Science in Jiangsu Province (Grant no. B-b/2020/03/29).