DOI QR코드

DOI QR Code

LSTM Network with Tracking Association for Multi-Object Tracking

  • Farhodov, Xurshedjon (Dept. of IT Convergence and Application Engineering, Pukyong National University) ;
  • Moon, Kwang-Seok (Dept. of Electronics Engineering, Pukyong National University) ;
  • Lee, Suk-Hwan (Dept. of Computer Engineering, Donga University) ;
  • Kwon, Ki-Ryong (Dept. of IT Convergence and Application Engineering, Pukyong National University)
  • Received : 2020.05.11
  • Accepted : 2020.09.22
  • Published : 2020.10.31

Abstract

In a most recent object tracking research work, applying Convolutional Neural Network and Recurrent Neural Network-based strategies become relevant for resolving the noticeable challenges in it, like, occlusion, motion, object, and camera viewpoint variations, changing several targets, lighting variations. In this paper, the LSTM Network-based Tracking association method has proposed where the technique capable of real-time multi-object tracking by creating one of the useful LSTM networks that associated with tracking, which supports the long term tracking along with solving challenges. The LSTM network is a different neural network defined in Keras as a sequence of layers, where the Sequential classes would be a container for these layers. This purposing network structure builds with the integration of tracking association on Keras neural-network library. The tracking process has been associated with the LSTM Network feature learning output and obtained outstanding real-time detection and tracking performance. In this work, the main focus was learning trackable objects locations, appearance, and motion details, then predicting the feature location of objects on boxes according to their initial position. The performance of the joint object tracking system has shown that the LSTM network is more powerful and capable of working on a real-time multi-object tracking process.

Keywords

1. INTRODUCTION

Most of multi object tracking research outcomes has been shown that working with multiple objects the same time is more challenging and demanding task, when applying neural network-based approach. There are number of indeterminable and uncertain circumstances which we may face some difficulties to handle with RNN or CNN based tracking techniques. However, most of state-of-the-art approaches has been developed with the deep learning network [1-4]. Even though multi-object tracking systems are more complex and computationally overloaded for the real tools in case of working on accuracy measures and highly leveled functionalities of tracking systems. A number of attempts to figure out multi-object tracking most common challenges, such as, similar appearance, frequent occlusion, motion of several objects the same time, edge problems realized that adaption of deep learning approaches can face an additional charges that for analyzing unnecessary information from the video sequence and discrete set of detections. Moreover, here comes one more strategy of work is tracking by detection [5], whereas due to various challenges such as view point change, scales, density of object distribution and occlusion, they have proposed a model for detection as a channel interdependencies by using "Squeeze-and-Excitation" (SE) blocks that adaptively recalibrates channel-wise feature responses which works with customized Deep SORT network for object detection along with deep association network for their tracking algorithm.

Our recent research in multi-object tracking has been achieved remarkable effectiveness along with high accuracy. Main steps of our suggesting strategy is given Fig. 1 below. The main goal in multiobject tracking is tracking or identifying multiple and different type of objects in video sequence. Currently, most of resent multi object tracking techniques that relayed on tracking by detection approach. However, those methods are not much efficient while their performances are fully depends on state-of-the-art detectors accuracy and proficiency of accomplishment when they detect in a different environment. These methods are mostly localization based on bounding box recovery, but that kind of methods can be helpful for finding an object on a flat image surface. In multi-object tracking process runs with a large number of parameters, where the deep detection models requires huge amounts of inputs that can make the state-of-the-art approaches impasse or losing essential feature elements of object while tracking objects across in video frames. Our proposing model which we are going to describe, is contains two main part that a LSTM Network and tracking association which gives us a fully tracking results. The network we have created is formed with LSTM cell based layers that to explore the training set of image sequences. Main idea of proposed method is to focus on the objects appearance and its location, by estimating the initial location of objects in starting point and saving it into network cells along with classified features of the sequence frames. Moreover, the whole process of learning and tracking steps are separately divided, initial process is to train our network with training dataset in offline mode and in a second step tracking multi-objects with the integration of tracking association. Tracking process goes online across a sequential video frames tracked objects with identical numbers. Our LSTM network is applicable to get entire sequences of data to analyze and finding tracking object features and remembering values of bounding boxes over arbitrary time intervals into cells than will be controlled by three gates that the flow of coming information into and out of the cells.

MTMDCW_2020_v23n10_1236_f0001.png 이미지

Fig. 1. Main structure of the proposed tracking structure.

Nowadays, the importance of multi object tracking is more urgent task than ever, there are some fields that requires controlling and tracking identities of several type of objects. Generally, in such methods of tracking requires to use common and complex datasets in order to analyze problem in-depth and multiple cases. We have used two open source datasets for training and testing our observation in detail, these are KITTI [6] and MOT2016 [7]. These datasets are quite common and eligible to test our approach, allows to observe our strategy with common real-time tracking performance. The results of our experiment bared that in multi object tracking identifying every objects in frames and assigning them as identical item with their appearance is more complex to get accurate outputs. However, the performance of our tracking system were more accurate and high performance results with visually qualitive outputs.

In the following section we are going to explain our proposing method in detail with mathematical formulation and along with some basics of our approach, related works as well. Moreover, after this step we are going to explain experimental results with all datasets along with further discussion.

2. LSTM NETWORK WITH TRACKING ASSOCIATION

In multi-object tracking there are number of classical problems to overcome across trackable frames. The main goal of our work is to create a simple online multi-object tracking platform that would be able to solve some of basic problems, like appearance, motion, edge detection and so on. Additionally, we are going to identify classes of trackable objects by taking the last step of the prediction value which follows through with at the end of the sequence. Tracking process is associated with prediction part of the tracking system that works correspondingly by providing predicted object features, object classes as well. Our full proposed method are illustrated above step by step in Fig. 1.

2.1 LSTM basics and related work

Currently, tracking-by-detection method has been succeed as one of the most successful technique in field of Computer Vision by the result of contemporary research strategies of object detection [8], methods and its integration with other tracking algorithms [9]. Additionally, to overcome that kind of problems in recent multi-object tracking approaches started improving their technique with data association [10], to provide tracking system with detected object information in terms of continuously tracking. As we mentioned before, essential part in multi-object tracking is memory unit, where we are going to detect and track several objects that similar to each other. In visual multi object tracking identifying each object as one an identical object is important, and similarity between multi objects has considerable role in case of identify them separately [11]. Exploring the entire image as a whole grid instead of computing exactly object located regions of interest will decrease the accuracy of detection and may lead overwhelming of object features and misclassification.

In the last few years, one more technique has fascinated several field researchers who working on with sequential data modeling with different output. It's called LSTM that was proposed in 1997 by Sepp Hoch Reiter and Jurgen Schmid Huber [12]. The main idea in LSTM has been introduced by solving Constant Error Carousel (CEC) units, that deals with the vanishing gradient problem. Basically, LSTM one of the type of an artificial Recurrent Neural Network’s class architecture that contains basic elements of RNN and widely used in the field of deep learning. Because of its capability we can apply it not only process of single data points (such as images), alternatively we can apply this architecture to entire sequential data, such as speech or video processing. For example, there are several LSTM based works has been purposed in a different field of sequential data processing, such as handwriting recognition, speech recognition, and anomaly detection in network traffic or IDS(Intrusion Detection Systems) [13]. Most of regular used LSTM architecture is composed of a cell, an input gate, an output gate and a forget gate, where the entire process of regulation flow of information into and out of the cell will be conducted by over arbitrary time intervals remembering learned values of the sequential data. There are some well-known and popular LSTM networks that well-suited for classifying, processing and making predictions based on time series data. Because of the indefinite sequential data time series or unknown duration between important events in a time series, LSTM network capable of taking vital part of the sequence data and dealing with the vanishing gradient problem that can be encountered when training traditional RNNs. Common architecture of the LSTM illustrated below in Fig. 2 [12], and detailed description of the architecture given following units.

MTMDCW_2020_v23n10_1236_f0002.png 이미지

Fig. 2. The Long Short-Term Memory (LSTM) cell can process data sequentially and keep its hidden state through time.

2.2 Overview of the proposed multi-object tracking originality

Basically, in Computer Vision there are a number of image processing studies that related to controlling systems to handle mess situation of multiple objects movement while doing visually monitoring. The proposing method is differs from other learning approach with feature learning strategies of datasets, that as an input it takes labeled image sequences for learning objects inside every frames of the video sequence. At the same time the original images sequences will be combined to have a clear object features and locations as well in results. As we know labeled images is the process managed by human-powered task of annotating an image with labels, such as classes, objects locations on image, and so on. These labels are predetermined by dataset creators (KITTI-tracking and MOT16) are chosen to give it related computer vision model information about what is shown in the image. Our proposal is to applying labeled image datasets into our network by integrating image sequence to get more accurate outcome model for feature tracking process. In our network model labeled images are applied as an input, which we are going to learn object locations and features by taking coordinates of the located objects configuration and regression, as well as image dimensions configurations into dense layer of the network that often follows LSTM layers and is used for outputting a prediction is called Dense, which used instead of fully-connected layer. Actually, it’s the layer where each neurons of the layer N is connected to all of the neurons N+1 from the next layer. It implements the operation output = X * W + b where X is input to the layer, and W and b are actual weights and bias of the layer. Next step will be combination of all coordinates, dimension of configuration and regression in differently concatenation layer in case of combining overall results into one cell memory unit. There are several approaches has been introduced by applying LSTM network for multi object tracking process, such as MOT with neural gating using bilinear LSTM[14] based on intuitions drawn from recursive least squares, bilinear LSTM stores building blocks of a linear predictor in its memory, which is then coupled with the input in a multiplicative manner, instead of the additive coupling in conventional LSTM approaches. Moreover, a multi-object tracking in videos based on LSTM and Deep Reinforcement learning[15] has been introduced by applying object detection and Markov decision process for sequence decisions to utilizing into deep learning reinforcement. Our model differs from this given recent work with learning strategy, used data structures, tracking proposals as well. In addition, conventional method of LSTM network can be applied different type of tasks and applications to achieve a various results, which is the network cannot be useful conventionally, without integration of any tracking algorithm. (fully revised)

2.3 LSTM network baseline

The core concept of the LSTM network looks similar in a controlling flow chart as a recurrent neural network that the data passing process goes on information as it propagates forward. Theoretically the cell states can carry or keeping temporarily relevant details across all the processing of the sequences. From the name of method, even detailed particulars from initial time steps can make its way to later time steps, reducing the effects of shortterm memory.

As we mentioned before, the LSTM cells has gates, while the cell state goes on its way, features gets inserted or erased it to the cell state via gates. The LSTM network gates perform different task while training, also they decides which information is allowed on the cell state, additionally they can learn which features are necessary to keep or forget it during training process. Network operations has its tasks to do in every steps, inside of the LSTM cell there are operations: sigmoid, tanh, pointwise multiplication, pointwise addition, and vector concatenation. These operations controls learned feature information of the network while predicting and tracking process as well.

The mathematical equations of the LSTM for the forward pass of cell state unit with a forget gate are given below, which describes the calculation of the operations mathematically [1]:

\(f_{t}=\sigma_{g}\left(W_{f} x_{t}+U_{f} h_{t-1}+b_{f}\right)\)       (1)

\(i_{t}=\sigma_{g}\left(W_{i} x_{t}+U_{i} h_{t-1}+b_{i}\right)\)       (2)

\(o_{t}=\sigma_{g}\left(W_{o} x_{t}+U_{o} h_{t-1}+b_{o}\right)\)       (3)

\(\hat{c}_{t}=\sigma_{g}\left(W_{c} x_{t}+U_{c} h_{t-1}+b_{c}\right)\)       (4)

\(c_{t}=f_{t} \circ c_{t-1}+i_{t} \circ \hat{c}_{t}\)       (5)

\(h_{t}=o_{t} \circ \sigma_{h}\left(c_{t}\right)\)       (6)

where the initial values are c0 = 0 and h0 = 0 and the operator ○ denotes the Hadamard product (element-wise product). The subscript t indexes the time steps.

The description of the variables:

• \(x_{t} \in \mathbb{R}^{d}\): input vector to the LSTM unit

• \(f_{t} \in \mathbb{R}^{h}\): forget gate’s activation vector

• \(i_{t} \in \mathbb{R}^{h}\): input/update gate’s activation vector

• \(o_{t} \in \mathbb{R}^{h}\): output gate's activation vector

• \(h_{t} \in \mathbb{R}^{h}\): hidden state vector also known as output vector of the LSTM unit

• \(\hat{c}_{t} \in \mathbb{R}^{h}\): cell input activation vector

• \(c_{t} \in \mathbb{R}^{h}\): cell state vector

• \(W \in \mathbb{R}^{h \times d}\)\(U \in \mathbb{R}^{h \times h}\) and \(b \in \mathbb{R}^{h}\):weight matrices and bias vector parameters which need to be learned during training

where the superscripts c= 0 and h0 = 0 refer to the number of input features and number of hidden units, respectively.

Activation functions:

• σg : sigmoid function.

• σc : hyperbolic tangent function.

• σh : hyperbolic tangent function or as the peephole LSTM paper suggests σh (x)=x

A. Sigmoid activation operation. The sigmoid function has a great role for learning details and controlling by cell state unit gates. Generally, a sigmoid function performs the same as the tanh activation, but a sigmoid activation takes between 0 and 1 values for squishing, instead of values between -1 and 1. That form may help updating or forgetting process of the cell state unit’s gates. Because any taken value number multiplies 0 the outcome also becomes 0, that means causing values gives results to disappearing or forgotten. If its opposite, when any number multiplied by 1 is the same value stays the same or kept. Hence, the network decides which data is will be taken or forgotten while learning.

B. Forget gate operation. Firstly, the forget gate is essential unit of LSTM network that decides what information should be thrown away or kept. Initially, the information from the previous hidden state ht-1 and from the current input x1 is passed through the sigmoid function σg . As an output the values comes out between 0 and 1, if that values closer to 0 is going to forget ft (1), else 1 means to keep it as a features.

C. Input gate operation. For updating the cell state input gate will be used, previously, the hidden state and current input together passes through a sigmoid activation σg , and the same input goes to tanh function at the same time that pointwise would be multiplied as well as the equation (2) will decide which input values will be updated by passing values between 0 and 1, if value is 0 means not important, or 1 means important. When the input passes through tanh function, it will be squished values between -1 and 1, in order to regulate the network.

D. Cell state operation. Now all passed forget and input gate information goes to calculation of the cell state, initially, the cell state gets pointwise ct-1 multiplied by the forget activation ft vector (4), that stage has a possibility of dropping values from the cell state if it gets multiplied by values neat to 0. After taking output from input gate will be pointwise addition which updates the cell state to new values that the neural network finds relevant to keep for prediction (5), that gives us our new cell state.

E . Output gates operation. In final stage, the output gate determines which next hidden state ht should be (6), that, the hidden state contains information on pervious inputs, also used for predictions. Firstly, the pervious hidden state and the current input goes through into a sigmoid activation (3), secondly, a newly modified cell state will be passed from a tanh function. Than two output value would be multiplied to decide what information the hidden state should carry, that output is the hidden state. The new cell state and the new hidden is then carried over to next time step learning process.

The rest time steps learning and prediction process follows as described above, where the forget gate decides that what learned information is relevant to keep from initial time steps. Moreover, for updating information the input gate will decide to add necessary learned features from current step. Lastly, the output gate determines the next hidden state for next time steps. The LSTM’s control flow are a few tensor operations and loop section, where we can apply the hidden states for predictions, and combination of these all mechanisms forms the LSTM network, from that combination LSTM will choose an information which is relevant for learning and prediction.

2.4 Proposed LSTM Network based training

Currently, using RNN based methods becoming more common in a several research fields of the Computer Vision, such as image/video/audio processing, pattern recognition, biological vision, artificial intelligence, augmented reality, 2D sensors, photography and so on. The extensive use of RNN is due to their working ability of memory unit’s direct control states, such as gate state, gate memory and forget gates that works in a certain period of time and without interruptions. In this section we are going to describe our LSTM based network model for tracking purposes. In this work the main idea is to create a network that to learn information directly from featured datasets which contains labeled images, ground truth info, sequence info, detection coordination of the trackable objects details for training procedure. The approach of training operation goes offline for learning features, estimating objects movement orientation to get proper output for integrating with tracking association. LSTM network has its own capability to exploit object characteristics to overcome classification problems, and other typical challenges, such as occlusion, objects similarity, multiple interconnected objects, and so on. Basically, proposing architecture of the LSTM network build on multiple network layers that to utilize learning model to be more productive to exploit features of the dataset images for getting better performance with associated tracking method. To testify our approach we took datasets that commonly used with different methodology. They are KITTI tracking [6] and MOT16 [7], these datasets are totally different taken inside and outside environment content videos that includes single and multiple object scenes of human and vehicles.

A. Proposed model. The proposing LSTM based network model shown in Fig. 3 below that has been trained with two various type of datasets individually, in order to use trained output results with tracking association parallelly. Our offline trained output results gives us initial estimation of prediction and to identify the object class for tracking procedure. The training process starts by configuring dataset details with training options that could integrate the whole process correctly. KITTItracking training data set contains 21 video sequences that labeled into two class images. All images has different scenery of vision and viewpoints.

MTMDCW_2020_v23n10_1236_f0003.png 이미지

Fig. 3. Proposing LSTM Network model structure.

The LSTM network model takes the values of the sequence images to learn directly from labeled images for deeply excavate the features of the images by taking only the region of the interest for deeper exploration of the appearance similarity from the sequential images. At the same time, the network capable of to estimate the position of the trackable objects with the help of the input parameters of the dataset, such as labeled images, region of the interest (position of the multiple objects in the frame), and so on. Fig. 3 above illustrates the purposed LSTM network structure that shows the detailed steps of the learning model. Here we can see the network is taking the configuration of the object located coordinates and values of the regression to learn the features, predicting trackable object classes as well. Moreover, the network can save a predicted object location by the rules of the LSTM cell state units. The necessary steps of the predicting unit and memorizing follows in every frame of the video sequence by learning features parallelly. After receiving a trained model output in offline mode, we are going to use it as an initial feeding example to start the tracking process, also will be used for evaluation of our model.

B. Building an LSTM network. In order to build our network we started by integrating feature extraction part of the network. Hence, we are going to create a simple feature extractor in case of providing the network with bounding box information to learn the dataset properly, also producing the network with object position map that contains location of the object, region of interest and so on. The extracting features of the images and bounding boxes helps to learn the searching area of the interests and makes it smaller, in addition, it maintains the network from overbalance feature details. The network created on Keras model that includes libraries and all useful modules, such as layers, configurations and so on. The prediction section of the training model gets information from trained model features, bounding box learning section and ext. The loss function of training mode indicates the result of a bad prediction where a number indicating how bad the model’s prediction was on a single example. In our model we used Huber loss function that changes the distance point from a quadratic to linear, also applied SoftMax cross entropy to identify a number of label classes to calculate losses. Optimization problems considered as a analyzing action to solve a problem for some sort of data and reduce the set of model selection and validation while learning process. In this work the adaptive moment estimation (Adam) optimizer has been used to minimize the cost function in training neural network. Other metrics such as, prediction, labels, and accuracy measures has been calculated by taking input details from learned features and labels information.

C. Training configuration. The evaluation of training process relays on the calculation of prediction metrics, losses, labels, accuracy of prediction and labels, precision and ext. Training process goes offline mode, where all required options and input datasets will be set to necessary part of the assistant. We have trained the model 100 epoch times to get trained model output, graph output, and evaluation files as well. We tested our model by applying with two common dataset individually, where a training process hold on individually and received outputs in a different locations. The learning rate has been set as a 0.001 manually in case of exploring the object features deeply, when the learning rate is small the training will take longer time than as usual. Training and estimation process goes parallelly into one action while training and shows the results of evaluation every 1000 iteration, which includes training evaluation precision, accuracy, loss, and other outcomes. In addition, the results of training outcome files will be stored into provided location. The estimated results of the training process shows the model productivity, learning ability, and mutual compatibility of model.

2.5 LSTM tracking association

The Multi-Object tracking systems are a little bit more complicated mechanisms rather than observing a single object in the video sequence. The LSTM network model has been associated with tracking process by integrating tracking facilities to the network with the help of prediction ability of LSTM cell state units, that by extracting features and providing with object located bounding boxes to learn the object labels, as well as by comparing it with network predicted bounding boxes, the tracking association has been provided. Tracking multiple targets the same time is quite challenging task, in order to identify them one by one and solving other detection based problems parallelly. In case of tracking a single target track the state space that location of the bounding box and their height and width has been applied. As a starting point for taking a shape of the objects and classes by taking covariance matrix of the initial state distribution is more important step for giving them an unique track identity. Additionally, identifying every object as one identical among multiple objects in a one frame, when we going to learn and remember a number of time step tracks by network is more time demanding task. Multi-target tracking differs visibly from a single target tracking process, which we should take into consideration that we are going to apply our trained LSTM model. We have an LSTM graph file that created while training our model, which we are going to use it for predicting the next target by running graph runner unit. There are a list of active tracks at the current time step with number of object classes in one time step sequence to be tracked. In order to obtain the next prediction from each track, it returns an array of the shape with number of tracks and number of classes as well. The following Fig. 4 illustrates the structure of the tracking association with the LSTM model:

 MTMDCW_2020_v23n10_1236_f0004.png 이미지

Fig. 4. Tracking association integration with the LSTM model.

Updating the performance of the tracks goes by taking an array of detections and predictions at the time step of the target shapes, additionally this full updating process will be repeated. The next step is drawing the bounding boxes for each tracks on given images, if the track state matches the bounding box will be drown with tracking ID, otherwise the process will be returned to the back stage.

3. EXPERIMENT RESULTS AND DISCUSSION

We have been tested our network model with two different opensource datasets in case of exploring the proposed network capability, adaptability and working stability with different data. The training process is conducted in offline mode, by applying KITTI-tracking and MOT16’s training set around 13K images which means: in the KITTI-tracking training set has 20 video sequences, around 8K images; in the MOT16 training set 7 video sequences around 5.3K images within has been trained. These datasets have in different position multi and single target located video sequences that helps to test the network learning and prediction facilities by training and testing it with test set of the datasets. In this experiment our method showed better results comparing to other MOT researches, however, we have some minority drawbacks like time consuming and unstable accuracy issues while training, training losses, and not much high accuracy results from other methods. This evaluation below can show only results of multi object tracking performance of our proposals and other techniques. As we mentioned in pervious sections, there are not much LSTM based multi object tracking papers available, even in existing ones also used different type of opensource datasets, structures as well. Therefore, we have faced some shortcoming comparison difficulties to evaluate our model with other conventional methods. However, we tried to be accurate and discrete in every comparison measurements evaluation.(added)

A. Training evaluation. Evaluation of the training is like a systematic process that to analyze a training program and initiatives whether if it’s effective and efficient, and can work with different class datasets. We have evaluated our training process by calculating the network capability, that, includes training accuracy, loss, precision accuracy, mean of interconnected over union (Mean IoU), and accuracy of evaluation. A given Table 1 below shows the training evaluation results:

A given results on this table above shows a randomly taken iteration steps outcome while training the network. The last column is the final iteration number with training results. In this table the train accuracy column is the calculation of training quality which means how our proposed LSTM network performed well did not overfit. Loss column of the table shows that how much percentage data has not been learned or skipped by our network model while training process. A precision evaluation unit of the table indicates the accuracy of the LSTM network prediction. Mean Interconnected over Union section part shows that how the network performed while learning the interconnected objects in every image. The last column of the training evaluation of the table describes the overall performance of the training process.

Table 1. Training evaluation

MTMDCW_2020_v23n10_1236_t0001.png 이미지

B. Tracking evaluation. The following unit of the experiment results describes a tracking association performance with the LSTM network model. In case of creating multi object tracking model we have integrated a tracking association with LSTM network model. The entire system can work an online mode. LSTM network based multi object tracking model has been tested with different type of open source datasets, in order to evaluate the model performance in a different situation. Following Table 2 shows multi object tracking evaluation on KITTI-tracking dataset:

Table 2. LSTM network based multi object tracking evaluation on KITTI tracking dataset

MTMDCW_2020_v23n10_1236_t0002.png 이미지

In this Table 2 above shown the results of LSTM network based multi object tracking on KITTI tracking dataset. We took the video sequence ID’s randomly here from KITTI tracking dataset, that every video sequence has different number of frames as well as in a different scenario. Moreover, in this table given a result of multi object tracking accuracy (MOTA), multi object tracking precision (MOTP), mostly tracked (MT) objects ratio and mostly loss (ML), and so on. Number of matched column describes the same targets has been tracked on the frame, which means one single target or similar target has been tracked several times.

C. Comparison results. In order to explore the performance of the proposed tracking method we have compared the tracking results with other method’s outcomes. In this comparison result given below tables 3 and 4 describes two different opensource dataset testing results with different MOT methodologies, not only with LSTM based MOT models, because of a few resources in LSTM based MOT study. Nonetheless, tried to put RNN based works to compare and evaluate our model properly in multi object tracking procedure.(added) The given Table 3 below indicates a comparison results of multi object tracking on KITTI tracking dataset:

Table 3. Comparison of our method performance on KITTI-tracking dataset with recent works

MTMDCW_2020_v23n10_1236_t0003.png 이미지

A given Table 3 above indicates a comparison result of tracking methods on KITTI dataset, with in new column feature - tracking mode, from this given result we can say that our proposed LSTM network based multi object tracking model has achieved best result among given recent multi object tracking methods, in most basic performance quality features (MOTA, MOTP, MT).

The following itinerary information below describes a comparison results of multi object tracking methods on MOT16 dataset:

The table 4 shows the results of multi object tracking comparing with most recent works on MOT16 dataset. The numerical results on this table shows the average percentage of performance on MOT16 dataset with different multi object tracking approaches. Percentage of accuracy rate on this table in the first place with 69.12, but in precision column our method shows second results. Although, LSTMNET_TA model performance of MOT accuracy and precision was higher than RNN_LSTM based MOT. Moreover, our model presented good results in different measurements. (added)

Table 4. Comparison of our method performance on MOT16 dataset with recent works

MTMDCW_2020_v23n10_1236_t0004.png 이미지

The main goal of this work is to implement a new multi object tracking method that should be capable to track multiple targets at the same time with IDs. Our multi target tracking method showed that the LSTM network based tracking association can work and adopt easily with new targets. A visual qualitative results of KITTI-tracking dataset tested results of proposed multi object tracking method given below in Fig. 5.

MTMDCW_2020_v23n10_1236_f0005.png 이미지

Fig. 5. A qualitative results of the proposed LSTM network based on MOT with two class of objects, tested on KITTI-tracking dataset, along with in these frames every target has their identical ID’s.

4. Conclusion and feature work discussion

In conclusion, the method in this research showed that LSTM network based target tracking has more capability and adaptation rather than other approaches. This method has more advantages and distinguishes from other type of the neural network, such as memory cells, controlling gates, working ability with in time series video sequences, adopting easily with any kind of situation, and so on. In addition, the network has a prediction skills and memorizing it into cells in a time series period. In this study we have presented our network model that extracts features and learns as an object. As we told in pervious steps of our description above, LSMT is one of the RNN based structure that can be directed to any kind of purposes. So, there are not much works available on MOT field with LSTM model. Even so, there is not much outcome to compare with, we tried make a specific comparison with RNN_LSTM based MOT, where our model showed better results. (added) The entire process can work in online mode, integration of tracking association supports tracking multi targets easily by taking detected and predicted bounding boxes from LSTM network unit. Comparison studies demonstrated that our presented network model along with tracking association multi object tracker performance is much better than other neural network based techniques. Moreover, our system is not complicated to set in a real project application.

This presented multi target tracking system can be applied any kind of required filed of tracking purposes, because of its adaptability and also can be managed easily. In the future work, we are going to improve the network configuration and compatibility with other additional properties, additionally, accuracy and performance as well.

References

  1. L. Bertinetto, J. Valmadre, J.F. Henriques, A. Vedaldi, and P.H.S. Torr, "Fully-convolutional Siamese Networks for Object Tracking," Proceeding of the European Conference on Computer Vision, pp. 850-865, 2016.
  2. A. Milan, S.H. Rezatofighi, A. Dick, I. Reid, and K. Schindler "Online Multi-Target Tracking Using Recurrent Neural Networks," Proceedings of the Thirty-First AAAI Conference on Artificial Intelligence(AAAI-17) , pp. 4225-4232, 2017.
  3. S. Sun, N. Akhtar, H.S. Song, A. Mian, and M. Shah, “Deep Affinity Network for Multiple Object Tracking,” Journal of Latex Class Files, Vol. 13, No. 9, pp. 1-15, 2017.
  4. Kh. Farkhodov, K. Oh-Heum, M. Kwang-Seok, K. Oh-Jun, L. Suk-Hwan, and K. Ki-Ryong "A New CSR-DCF Tracking Algorithm based on Faster RCNN Detection Model and CSRT Tracker for Drone Date", Journal of Korea Multimedia Society, Vol. 22, Iss. 12, pp. 1415-1429, 2019. https://doi.org/10.9717/kmms.2019.22.12.1415
  5. A. Jadhav, P. Mukherjee, V. Kaushik, and B. Lall, "Aerial Multi-object Tracking by Detection Using Deep Association Networks," Proceeding of 2020 National Conference on Communications (NCC) , pp. 1-6, 2020.
  6. A. Milan, L. Leal-Taixe, I.D. Reid, S. Roth, and K. Schindler, "MOT16: A Benchmark for Multi-object Tracking," arXiv preprint arXiv: 1603.00831, 2016.
  7. A. Geiger, P. Lenz, and R. Urtasun, "Are We Ready for Autonomous Driving? The KITTI Vision Benchmark Suite," Proceeding of Conference on Computer Vision and Pattern Recognition, Vol. 1, pp. 3354-3361, 2012.
  8. S. Ren, K. He, R. Girshick, and J. Sun, “Faster R-CNN: Towards Real-time Object Detection with Region Proposal Networks,” IEEE Transactions on Pattern Analysis and Machine Intelligence, Vol. 39, No. 6, pp. 1137-1149, 2017. https://doi.org/10.1109/TPAMI.2016.2577031
  9. J. Redmon, S. Divvala, R. Girshick, and A. Farhadi, "You Only Look Once: Unified, Real-time Object Detection," Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, pp. 779-788, 2016.
  10. A.A. Butt and R.T. Collins, "Multi-target Tracking by Lagrangian Relaxation to Mincost Network Flow," Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, pp. 1846-1853, 2013.
  11. S.H. Bae and K.J. Yoon, “Confidence-based Data Association and Discriminative Deep Appearance Learning for Robust Online Multiobject Tracking,” IEEE Transactions on Pattern Analysis and Machine Intelligence, Vol. 40, No. 3, pp. 595-610, 2018. https://doi.org/10.1109/TPAMI.2017.2691769
  12. Wikipedia, https://en.wikipedia.org/wiki/Long_short-term_memory
  13. B.J. Radford, M. Leonardo, Apolonio, A.J. Trias, and J.A. Simpson, "Network Traffic Anomaly Detection Using Recurrent Neural Networks", arXiv Preprint arXiv:1803.10769 v1, 2018.
  14. C.H. Kim, F. Li, and M.R. James, "Multi-object Tracking with Neural Gating Using Bilinear LSTM" Proceeding of European Conference on Computer Vision, pp. 200-215, 2018.
  15. J.M. Xin, D. Chao, P.Z. Geng, W.L. Fang, and S. Xing, "Multi-object Tracking in Videos Based on LSTM and Deep Reinforcement Learning" Complexity, Vol. 2018, pp. 1-12, 2018.

Cited by

  1. 딥러닝 기반의 반려묘 모니터링 및 질병 진단 시스템 vol.24, pp.2, 2020, https://doi.org/10.9717/kmms.2020.24.2.233
  2. Data association in multiple object tracking: A survey of recent techniques vol.192, 2022, https://doi.org/10.1016/j.eswa.2021.116300