Next Article in Journal
Multi-Fading Factor and Updated Monitoring Strategy Adaptive Kalman Filter-Based Variational Bayesian
Previous Article in Journal
MAC Performance Analysis for Reliable Power-Line Communication Networks with ARQ Scheme
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

Online Multiple Athlete Tracking with Pose-Based Long-Term Temporal Dependencies

1
School of Computer Science and Engineering, Beihang University, Beijing 100191, China
2
State Key Laboratory of Software Development Environment, Beihang University, Beijing 100191, China
3
Hangzhou Innovation Institute, Beihang University, Hangzhou 310000, China
*
Author to whom correspondence should be addressed.
Contributed equally.
Sensors 2021, 21(1), 197; https://doi.org/10.3390/s21010197
Submission received: 7 November 2020 / Revised: 15 December 2020 / Accepted: 17 December 2020 / Published: 30 December 2020
(This article belongs to the Section Sensing and Imaging)

Abstract

:
This paper addresses the Multi-Athlete Tracking (MAT) problem, which plays a crucial role in sports video analysis. There exist specific challenges in MAT, e.g., athletes share a high similarity in appearance and frequently occlude with each other, making existing approaches not applicable for this task. To address this problem, we propose a novel online multiple athlete tracking approach which make use of long-term temporal pose dynamics for better distinguishing different athletes. Firstly, we design a Pose-based Triple Stream Network (PTSN) based on Long Short-Term Memory (LSTM) networks, capable of modeling long-term temporal pose dynamics of athletes, including pose-based appearance, motion and athletes’ interaction clues. Secondly, we propose a multi-state online matching algorithm based on bipartite graph matching and similarity scores produced by PTSN. It is robust to noisy detections and occlusions due to the reliable transitions of multiple detection states. We evaluate our method on the APIDIS, NCAA Basketball and VolleyTrack databases, and the experiment results demonstrate its effectiveness.

1. Introduction

In recent years, sports video analysis has received increasing attention in academia and industry due to its scientific challenges and promising applications. It covers various application scenarios or research directions, including automatic game commentary, tactical analysis, player statistics, etc. Among these directions, athletes tracking is fundamental and critical for sports video analysis.
In the literature, several early attempts [1,2,3] focus on Multi-Athlete Tracking (MAT) in volleyball, basketball and soccer game videos. They generally apply additional pre-processing to simplify tracking based on additional clues within the sports fields, e.g., site boundaries and static cameras. Xing et al. [3] build an observation model to classify the playfield region and nonplayfield regions with color information, providing convenience for athlete localization. Gomez et al. [1] make use of static cameras for separating foreground and background easily, and thus producing clean athlete targets for tracking. However, those methods are probably not suitable for complex scenes in the wild, which contain variations in background and illumination.
Actually, most efforts are made to track multiple athletes [4,5] following the typical Multi-Object Tracking (MOT) framework, which employs the tracking-by-detection paradigm, i.e., associating the prepared detections in terms of different objects at each frame. The MOT methods can be roughly categorized into two branches, i.e., online matching based and offline association based, according to whether using subsequent frames. Offline association approaches often show better tracking performance as additional information is employed; however, they always require higher computational cost. While the online matching ones have advantages in high processing speed and applicability. As in the popular benchmarks, e.g., PETS, UA-DETRAC, and MOTChallenge, they pay more attention to pedestrians and vehicles in surveillance scenes, which have stable appearances and motions.
Indeed, in real sports scenes, there exist some specific difficulties: (1) athletes share a high similarity in appearance (dressing, figure, etc), and they frequently occlude with each other; (2) athletes often have abrupt positions and complex actions. These facts make the existing MOT methods [6,7,8,9], especially the ones focus on appearance and simple motion clues, lose efficacy. When playing games, the athletes usually have their own specific pose dynamics, which are distinct from each other within a period of time. For example, when the setter is passing the ball, the spiker is waiting for attacking. This brings us the idea that long-term temporal pose dynamics may help to distinguish different athletes. Based on the considerations above, we propose a novel multiple athlete tracking approach to the given issue, following the popular online tracking-by-detection paradigm.
Specifically, we first design a Pose-based Triple Stream Network (PTSN) based on Long Short-Term Memory (LSTM) networks, capable of modeling long-term temporal pose dynamics of athletes. Moreover, to capture more subtle differences between athletes, we enrich the pose dynamic into three clues, i.e., pose-based appearance, motion and interactions of athletes, which are modeled by three network streams in PTSN. Given the history tracklet and current detection, PTSN could generate robust affinity between them according to the degree of dependency. Second, we design a multi-state online matching algorithm based on bipartite graph matching. It uses the affinities produced by PTSN to associate the athlete detections frame by frame and finally accomplish the tracking. More importantly, in the online association, we define multiple detection states and build reliable transitions, boosting the association robustness to noisy detections and occlusion.
In summary, the main contributions of this paper are highlighted as follows:
  • We propose a Pose-based Triple Stream Networks (PTSN) based on Long Short-Term Memory (LSTM) networks, capable of modeling long-term temporal pose dynamics of athletes and generating robust association affinities.
  • We design a multi-state online matching algorithm based on multiple detection states and reliable transitions with the association affinities, improves the robustness to noisy detections and occlusion.
  • We evaluate our method by comparing it with recently proposed advanced multi-object trackers on the APIDIS, NCAA Basketball and VolleyTrack databases, and the experiment results demonstrate the effectiveness of our method.
A preliminary version of this work is presented in [10]. Compared with the conference version, the extensions include: (1) more details of the proposed approach and related works are explained; (2) more experiments on APIDIS and NCAA databases are conducted and more results are displayed and discussed.
The rest of this paper is organized as follows. In Section 2, related works for athlete tracking and multiple object tracking are discussed. Section 3 describes our MAT approach in detail, including the Pose-based Triple Stream Network and multi-state online matching algorithm. In Section 4, databases, experimental results and analysis are shown. Finally, Section 5 draw an conclusion for the paper with perspectives.

2. Related Works

2.1. Athlete Tracking

In the past few decades, despite a few works focusing on single athlete tracking [11], most studies address the Multi-Athlete Tracking problem. Some early attempts make use of specific clues in sports fields (e.g., site boundaries) to facilitate athlete tracking. Xing et al. [3] introduce a progressive observation modeling strategy to classify the playfield region and nonplayfield regions with color information. Based on classification results, the tracking component is achieved by a Bayesian inference approach. Mauthner [2] and Gomez [1] use particle filters to predict positions and velocities of players in beach volleyball games. They separate foreground and background to make athlete modeling easier, but cues in background may lose potentially useful in improving the stability and accuracy of trackers. However, those methods may lack practicability in more complex scenes due to the variations in background and illumination. Meanwhile, more studies take MAT as an MOT problem and process it in the tracking-by-detection framework. Liu et al. [4] tracked players in basketball and hockey game videos from the view of tactics analysis. They try to predict all the possible moving directions of players, but it may incur failure due to infinite possibilities. Shitrit et al. [5] propose a Multi-Commodity Network Flow approach to track multiple players in basketball and soccer games. They exploit both the appearance and position clues to prevent identity switches, and report promising results.

2.2. Multi-Object Tracking

There exist a number of approaches attempting to address the MOT problem, and they can be roughly divided into traditional ones and deep learning based ones. Further, traditional methods can be classified into online matching based [12,13,14,15] and offline association based [16,17,18,19,20,21]. The offline association approaches take advantages of global information and prove more robust to complex scenes. They cast the task of MOT as a graphical model solving problem, where the graphs are built with a set of detections or tracklets. Many globally optimal techniques, e.g., k-shortest paths in DP_NMS [18], Linear Program in ELP [20], are used to solve the graphical models. Recently, more robust pairwise affinities based on strong appearance cues, e.g., sparse appearance models and integral channel feature appearance, are proved effective in associations. This lead the online matching methods, e.g., MHT_DAM [9] and LINF1 [22], achieving state-of-the-art performance.
More recently, Yu et al. [23] took advantage of high-performance detection and representative feature of CNNs, and achieved significantly better results on MOTChallenge [24,25] in both online and offline mode; Leal-Taixé et al. [26] defined a new CNN-based structure for people appearance representation to build effective relations between detections. Sadeghian et al. [6] presented a structure Recurrent Neural Networks (RNNs) based network architecture that reasons jointly on multiple cues over a temporal window. The deep models used in those methods largely enhance the tracklet affinity and improve the performance for both online matching and offline association. However, most existing MOT methods pay more attention to the pedestrian tracking in surveillance, short of investigation on multiple athlete tracking in sports videos.

2.3. Human Pose Estimation

In the literature, many studies [27,28,29] explore the pose clue for person tracking for its rich semantic information, and they take full advantage of human pose estimation (HPE) task [30,31,32,33]. Recent human pose estimation methods can be classified into bottom-up and top-down ones. Bottom-up approaches [34,35] first detect individual body joints and then group them into people, while the top-down ones [32,33] first detect people bounding boxes and then predict their joint locations within each region. Top-down approaches do not need any joint grouping due to the detectors. Correspondingly, bottom-up approaches are lack of this reliance on a detector. Following the Tracking-By-Detection (TBD) paradigm, some methods [28,29] use the top-down technique to produce the human pose. However, they only use the joints feature, which does not generalize well for representing persons. In our work, we enrich the pose dynamic into multiple pose-based clues, which improves the representation ability.

3. Multi-Athlete Tracking Approach

As mentioned in Section 1, MAT can be treated as a special case of MOT, which aims at estimating the successive states (e.g., position and size or bounding box) of concerned objects (e.g., pedestrians and vehicles) in the video frames. Correspondingly, we follow the commonly used Tracking-By-Detection (TBD) paradigm to solve the MAT problem, i.e., given athlete detections (producing by Faster R-CNN [36] detector) at each frame, we aim at matching their identities across different frames to generate a set of athletes trajectories over time.
Our framework, as shown in Figure 1, consists of the Pose-based Triple Stream Networks (PTSN) and a multi-state online matching algorithm. PTSN is responsible for calculating the similarity scores between the history tracklets and the candidate detection in the current frame, where the scores come from three network streams that model three pose clues, i.e., pose-based appearance, motions and athletes’ interactions. Based on the similarity scores, the multi-state online matching algorithm generates final trajectories for athletes by tracklet/detection matching and state transitions. Details of our proposed PTSN and the matching algorithm are described in the following.

3.1. Overall Architecture of PTSN

The overall architecture of PTSN is shown in left-side of Figure 1. It is comprised of three streams, including Pose-based Appearance Stream (PAS), Pose-based Motion Stream (PMS) and Posed-based Interaction Stream (PIS). They generate similarity scores ϕ P A ( τ i , b j ) , ϕ P M ( τ i , b j ) and ϕ P I ( τ i , b j ) respectively, which are further fused into the final one ϕ ( τ i , b j ) for connecting the history tracklet τ i and the current detection b j . The details of the three streams of PTSN will be explained in the following three subsections.
To encode the long-term dependencies of sequences, we use LSTM as the main structure in our networks. Unlike popular graph-based tracking methods [14,16,37], whose similarity scores are only calculated in the previous frame, our method could capture the long-term dependencies of targets by inferring from the observation sequences of variable length.

3.2. Pose-Based Appearance Stream(PAS)

As we introduced above, the athletes share very similar appearances when playing games. To improve the discrimination among athletes, besides the appearance cues, we employ the pose and position information. The Pose-based Appearance Stream (PAS) is then designed, as shown in Figure 2, which models the long-term evolution of pose and appearance. It takes a tracklet and a detection as input and estimates their affinity, i.e., determining whether the candidate detection box contains the same athlete in the tracklet. A tracklet is a set of bounding boxes of tracked athlete’s trajectory at timesteps 1 , . . . , t , i.e., τ i = ( b i 1 , b i 2 , . . . , b i t ) , and the candidate bounding box b j t + 1 is the detection in time t + 1 .
Specifically, we concatenate the tracklet and detection to construct a new detection sequence, extract the pose-based appearance features that are fed into the LSTM network to model the long-term evolutions. Then we use Softmax followed by the LSTM for a binary classification problem, estimating how confident the evolutions come from the same athlete.
At each frame, the pose and appearance feature of the detected athlete are extracted by the feature extractor, where the pose coordinates are mapped into original frames, therefore including the athlete positions. We use the output of the last layer of Hourglass Networks [32] as pose feature ϕ p . For the athlete in a bounding box, we use the pretrained model of the Hourglass Networks on COCO dataset to generate x and y coordinates of 16 pose joints, leading to a pose feature of H-dimension. We start with the initial weights of ResNet-101 pre-trained on ImageNet and add a new fully connected layer on the top of the structure to extract a H-dimensional appearance feature ϕ a . Given the detection sequence, the extracted pose feature sequence, i.e., ( ϕ 1 p , ϕ 2 p , . . . , ϕ t p , ϕ t + 1 p ) , and appearance feature sequence, i.e., ( ϕ 1 p a , ϕ 2 p a , . . . , ϕ t p a , ϕ t + 1 p a ) are combined, forming the input feature sequence of LSTM, i.e., ( ϕ 1 p a , ϕ 2 p a , . . . , ϕ t p a , ϕ t + 1 p a ) , where ϕ t p a is a 2 H -dimensional feature vectors at t frame, ϕ t + 1 p a is the feature of candidate detection. The LSTM takes the feature sequence as input, and models the long-term dependencies of pose-based appearance, which is carried by a hidden representation h p a . h p a is then fed into a softmax classification layer (contains a fully-connected layer and a softmax layer) to output a score ϕ P A ( τ i , b j ) , i.e., the tracklet-detection affinity.

3.3. Pose-Based Motion Stream (PMS)

The motion information is another critical clue for distinguishing athletes, for instance, the velocity variation of the athletes usually differ significantly. We design the Pose-based Motion Stream (PMS), illustrated in Figure 3, which can estimate tracklet-detection affinity based on athlete motion dynamics. Instead of representing motion by using the velocity of the center of an athlete’s bounding box, PMS computes the velocity of each joint to describe motion information, delivering a more comprehensive representation of the athlete.
PMS consists of a pose detector, a motion detector, and an LSTM network followed by a softmax classification layer. The pose detector is the same as the one in PAS. For each image region in the tracklet, the 16 pose joints, i.e., x, y coordinates in original image, of an athlete are extracted. Based on the pose coordinates, we first calculate the joint velocities and transform them into embedding space. Assume that V i k p m ( t ) refer to the kth joint velocity of the ith athlete at tth frame, it can be calculated as follows:
V i k p m ( t ) = ( V i k ( x ) p m ( t ) , V i k ( y ) p m ( t ) ) = ( X i k p m ( t 1 ) X i k p m ( t ) , Y i k p m ( t 1 ) Y i k p m ( t ) )
where ( X i k p m ( t ) , Y i k p m ( t ) ) are the 2D coordinates of ith athlete on the kth joint at tth frame. To improve the abstract ability of PAS, we transform the joint velocities V i k p m ( t ) into embedding space of higher dimensions by a fully-connected layer. Given the input tracklet τ i = ( b i 1 , b i 2 , . . . , b i t , b j t + 1 ) , b j t + 1 is the candidate detection, after post/motion extraction, we can obtain the velocity feature sequence ϕ p m = ( ϕ 1 p m , ϕ 2 p m , . . . , ϕ t p m , ϕ t + 1 p m ) , where ϕ t p m is a H-dimensional feature vectors at t frame. Then ϕ p m passes through an LSTM layer. The hidden state h m of this LSTM layer carries dynamics of pose-based motion information. We take the final time-step of h m as global representation and feed it into a softmax classification layer with cross-entropy loss to predict the tracklet-detection affinity score ϕ P M ( τ i , b j ) .

3.4. Pose-Based Interaction Stream (PIS)

Both pose-based appearance and motion clues are used to represent individual athletes, however, they lose the contextual structure, which is also an important discriminative information. Therefore, we propose the Pose-based Interaction Stream (PIS), as shown in Figure 4, which can capture the interactions among a specific athlete and the ones around him/her. Since the number of neighbors can vary, in order to obtain the same size input, we model the neighborhood of each target as a fixed size grid and design the Interaction Grid (IG). In IG, each athlete is represented as six main joint positions, including head, left wrist, right wrist, left ankle, right ankle and mean value of all joint positions. Assume that ( I G i 1 , I G i 2 , . . . , I G i t ) is the interaction grid for the ith athlete at timesteps 1 , . . . , t . The pose joint positions are pooled into the grid and I G t can be defined as:
I G i t ( m , n ) = j N i , k P j 1 m n [ x t j k x t i , y t j k y t i ]
where 1 m n [ x , y ] is an indicator function to check if the athlete’s joint at ( x , y ) is in the ( m , n ) cell of the grid. N i is the set of neighbors of the athlete i, | N i | = 3 . P j is the set of joints of neighbor j. After building the interaction grids, we use a fully-connected layer that takes the interaction grids as input and produces H-dimensional output for each timestep. Similar to PAS and PMS, we also map the interaction grid of candidate detection j at timestep t + 1 to H-dimensional feature vector using the same measure, forming the interaction feature sequence ϕ p i = ( ϕ 1 p i , ϕ 2 p i , . . . , ϕ t p i , ϕ t + 1 p i ) . The feature sequence is fed into an LSTM layer to model the contextual structure, which is carried in its hidden state h i . The final step of h i is passed to a softmax classification layer with cross-entropy loss to predict the tracklet-detection affinity score ϕ P I ( τ i , b j ) .

3.5. Multi-State Online Matching Algorithm

Based on the final fusion similarity score between a tracklet and detection, we design a multi-state online matching algorithm, shown in Algorithm 1, for accomplishing the final tracking in an online mode.
State transition diagram of our tracker is shown in Figure 5. First of all, a set of bounding boxes belonging to each frames { B 0 , B 1 , B 2 , . . . , B T 1 } is filtered via Non-Maximum Suppression (NMS) operation. High score bounding boxes are selected to next step (as a1 operation). On the contrary, low score bounding boxes are sent to die tracklets container ( C d i e ), terminating their life cycles (as a2 operation). For each high score bounding box b j , we feed it into PTSN together with each tracked tracklet τ i in active tracklets container C a c t i v e to calculate the tracklet-detection affinity σ P T S N , where tracked tracklets C a c t i v e consists of { τ 1 , τ 2 , . . . , τ i , . . . , τ n } in previous frames. If the affinity of a detection over σ P T S N , it will update old τ i in C a c t i v e (as a3 operation) by replacing b j in τ i . Then the bounding box propagation operation will be applied on lost and active containers to predict next bounding box of τ i in the subsequent frame, according to the velocity of τ i (as a4 operation). If the prediction can not catch the next detection, both b j and old τ i will be sent to next step (as a5 operation), denoting τ i as missing tracklet. For the remaining detections, we compare with tracklets in C d i e for targets recovery. The process will be done for every b j . If they match successfully (affinity score over σ P T S N ), they will be sent to C a c t i v e again (as a6 operation), and then bounding box propagation operation will be done to predict next bounding box of τ i in the following frame, according to velocity of τ i (as a4 operation). If they fail and the waiting time has exceeded the hyper-parameter δ w a i t i n g , they will be sent to C d i e , ending its life cycle (as a7 operation). After that, the remaining bounding box will form a new tracklet and wait for a matching in C l o s t . When the bounding boxes of the last frame B T 1 is executed, all tracklet of C a c t i v e will be copied to C f i n a l as output of our tracker as long as they are longer than λ m i n (as a8 operation). More detailed algorithm steps are strictly illustrated in Algorithm 1.
Algorithm 1 Multi-State Online Matching Algorithm.
 Inputs:
    B = { B 0 , B 1 , B 2 , . . . , B T 1 } = { { b 0 , b 1 , . . . , b N 1 } 0 , . . . , { b 0 , b 1 , . . . , b N 1 } T 1 }
 Outputs:
    C f i n a l
 1:   Initial: C a c t i v e = B 1 , C l o s t = ϕ , C d i e = ϕ , C f i n a l = ϕ
 2:   for t = 2 to T 1 do
 3:    B t = NMS( B t )
 4:    for τ i C a c t i v e do
 5:     b b e s t = b j , where max(PTSN( τ i , b j )), b j B t
 6:     if PTSN( τ i , b j ) σ P T S N then
 7:       add b b e s t to τ i and remove b b e s t from B t
 8:       predict b p from τ i and add b p to B t + 1
 9:     else
 10:     move τ i to C l o s t
 11:   end if
 12:    end for
 13:    for τ i C l o s t do
 14:    b b e s t = b j where max(PTSN( τ i , b j )), b j B t
 15:    if PTSN( τ i , b j ) σ P T S N then
 16:      add b b e s t to τ i ; remove b b e s t from B t and move τ i to C a c t i v e
 17:      predict b p from τ i and add b p to B t + 1
 18:    else
 19:      if t i m e w a i t i n g ( τ i ) δ w a i t i n g then
 20:        move τ i to C d i e
 21:      end if
 22:     end if
 23:     for b j B t do
 24:      start a new tracklet with b j and insert it into C l o s t
 25:     end for
 26:   end for
 27:  end for
 28:  for τ i C a c t i v e do
 29:     if l e n ( τ i ) λ m i n then
 30:    add τ i to C f i n a l
 31:     end if
32:  end for

4. Experiment

To evaluate the proposed method, we conducted extensive experiments on the VolleyTrack dataset. The database, implementation details, evaluation index, and results are described as follows.

4.1. Databases

The public benchmarks for MAT in sports videos are very limited compared to that for general MOT. In this study, we used the databases in [28], i.e., APIDIS, NCAA and VolleyTrack, which are newly collected and improved ones.
The APIDIS dataset contains 13 sequences of basketball games, each of which belongs to a round and lasts 10–20 s. It is collected from the original 15-min video on camera-6 (side view) (APIDIS, http://www.apidis.org/_Dataset/). As illustrated in Figure 6 (top row), the frames in APIDIS have difficult illumination conditions in background. The dataset totally contains 5764 frames of a resolution of 1600 × 1200 recorded at 22 fps. At each frame, seven persons (two referees and two five-player teams) on the court are annotated. In the experiments, seven sequences were used for training and the remaining ones for testing.
The NCAA Basketball dataset consists of NCAA basketball games from Youtube videos and is used for team activity recognition originally. Figure 6 (middle row) shows some example frames. To evaluate MAT methods, Kong et al. [28] manually annotate parts of data with bounding boxes of each player. Concretely, it contains four rounds in a game video, each of which lasts about 300 frames, at 30 fps. The sequences totally have 1179 frames, of a resolution of 640 × 480. Following [28], due to the small scale, it is not enough to train deep networks. Considering the similarity with APIDIS, we combined the APIDIS training set and two NCAA Basketball sequences for training, and the remaining two sequences were used for testing.
The VolleyTrack dataset contains 18 video sequences of world-class volleyball games collected from YouTube, as shown in Figure 6 (bottom row). Each video is captured by a camera equipped at the end line of the competition terrain, and there exist variations in background and illumination. The video sequences, corresponding to game rounds, last from 8 to 12 s. The dataset contains 5406 frames, at 30 fps, of a resolution of 1920 × 1080. The bounding boxes of players are manually annotated at each frame. Due to the same setting at both sides of the ground, the dataset only considers the athletes in the half ground near to the camera for each video. Among the 18 sequences, 50% of the data were for training and the others for testing.
We used the Faster R-CNN detector trained on each dataset to produce detections for all the evaluations.

4.2. Implementation Details

In our experiments, we set H (size of input vectors to LSTM) as 32 for all the three streams, but the source of the input vector was different. 64-dimensional input vector of PAS ϕ t p a consisted of 32-dimensional ϕ t p from the pose detector and 32-dimensional ϕ t p a from the ResNet; 32-dimensional input vector of PMS ϕ t p m came from the result processed by motion extractor; 64-dimensional input vector of PIS ϕ t p i was from expanding 8 × 8 Interaction Grid by column. The network hyper-parameters were chosen by cross validation and our framework is trained with Adam optimizer. The size of the LSTM hidden layer vector was 128. We trained our PTSN with a mini-batch of 64, and initially set the learning rate as 0.002 and decreased it by a factor of 0.1 in every 10 epochs. The PTSN was trained for 50 epochs.
As we know, it is hard to train a deep model on imbalanced datasets. Many works [38,39] deal with class imbalance issue, and achieves much progresses. In our work, we train PTSN as a 0/1 classification problem, where the negative pair belongs to class 0 and positive pair belongs to class 1. We used a resampling strategy to evade the imbalance classes. Specifically, for each pair, there existed one positive sample and many negative ones. Retain one of detections in the positive pair, the negative examples were constructed by replacing the other detection with another random athlete. We ran our model on a machine equipped with two Intel (R) Xeon E5-2620 v2 CPUs (12-core, 2.6 GHz), 16 GB RAM, and a 1080Ti GPU.

4.3. Evaluation Indexes

To evaluate the performance of multiple athletes tracking algorithms, we used metrics widely used in MOT [25]. Among them, Multiple Object Tracking Accuracy (MOTA) and Multiple Object Tracking Precision (MOTP) were two popular ones. According to [40], MOTA gives a very intuitive measure of the tracker’s performance at detecting objects and keeping their trajectories. MOTP shows the ability of a tracker to estimate precise object positions. In addition, there were some indicators that we used to measure the quality of the method. Mostly Tracked targets (MT) can be defined as the ratio of ground-truth trajectories that are covered by track predictions for at least 80% of their respective life span; Mostly Lost targets (ML) can be defined as the ratio of ground-truth trajectories that are covered by a track hypothesis for at most 20% of their respective life span; FP can be defined as the total number of false positive and FN can be defined as the total number of false negatives (missed targets). IDS is defined as the total number of identity switches [41].

4.4. Results Analysis

We first explored the contributions of different components in PTSN on the VolleyTrack dataset, as shown in Table 1. It can be seen that combining all three streams led to higher performance compared to using parts of them, indicating the effectiveness of pose-based appearance, motion and interaction clues. Compared to the counterpart that only uses appearance (AS), incorporating pose information, i.e., Pose-based Appearance Stream (PAS), gained about 8% in terms of MOTA, demonstrating the key role of pose cue. It can be seen that the one with motion stream (PMS) achieved better performance than with PAS and AS in terms of many metrics. Besides, the interaction clues had better ability in reducing ID switches, evidenced by PIS vs. PMS and PAS.
In Table 2, Table 3 and Table 4, we compared our method with the ones of other state-of-the-art MOT methods on APIDIS, NCAA Baseketball and VolleyTrack datasets respectively. It can be observed that the proposed approach achieved better scores than the other ones, including MHT_DAM [9], CEM [42], ELP [20], Siamese CNN [26] and MDPNN16 [6], on some metrics such as the IDF1 and FP. It indicates the effectiveness of the PTSN and multi-state matching algorithm for multi-athlete tracking in sports videos. Note that some method, e.g., CEM [42], ELP [20] and Siamese CNN [26], woredk in offline association mode, and made use of much more context information. Our method could obtain comparable results with those offline association methods. More importantly, thanks to the online matching, our method had the superiority in processing speed (higher FPS).
Figure 7 illustrates some qualitative results, containing both success and failure examples. By using long-term dependencies of pose-based clues, our method could largely recover the target after an occlusion. When the detections were missing due to occlusion or approaching of athletes, our method could track the ones with the same identity, e.g., the athletes in green dashed circles. Meanwhile, we can also notice that our method tended to fail in some difficult situations, e.g., the athletes in red dashed circles dressed very similarly.

5. Conclusions

In this paper, we propose a novel online multiple athlete tracking approach in sports videos. It makes use of long-term temporal pose dynamics for better associate correct athlete targets. First, we propose the Pose-based Triple Stream Networks, which models the pose dynamics by three clues, i.e., pose-based appearance, motion and interactions among athletes. Second, we design a multi-state online matching algorithm based on bipartite graph matching. Due to the multiple detection states and reliable transitions, it is robust to noisy detections and occlusions. The proposed method is evaluated on the APIDIS, NCAA basketball and VolleyTrack datasets by comparing to other popular MOT methods, and the experiment results clearly demonstrate its advantages for this task. The proposed PTSN and online matching algorithm are separate modules, which limit the practicability in MAT/MOT. In the future, we aim at building an integrated pipeline in which both feature extraction and data association can be jointly learned.

Author Contributions

Conceptualization, Q.L. and L.K.; methodology, L.K.; software, M.Z.; validation, N.R., R.H. and L.K.; formal analysis, L.K.; investigation, L.K.; resources, M.Z.; data curation, M.Z.; writing—original draft preparation, L.K.; writing—review and editing, M.Z.; visualization, M.Z.; All authors have read and agreed to the published version of the manuscript.

Funding

This work was supported by the National Key Research and Development Plan (Grant No. 2016YFB1001002), and the National Natural Science Foundation of China (No. 61573045).

Institutional Review Board Statement

Not applicable.

Informed Consent Statement

Not applicable.

Data Availability Statement

Not applicable.

Conflicts of Interest

The authors declare no conflict of interest.

References

  1. Gomez, G.; López, P.H.; Link, D.; Eskofier, B. Tracking of ball and players in beach volleyball videos. PLoS ONE 2014, 9, e111730. [Google Scholar] [CrossRef] [PubMed] [Green Version]
  2. Mauthner, T.; Koch, C.; Tilp, M.; Bischof, H. Visual tracking of athletes in beach volleyball using a single camera. Int. J. Comput. Sci. Sport 2007, 6, 21–34. [Google Scholar]
  3. Xing, J.; Ai, H.; Liu, L.; Lao, S. Multiple Player Tracking in Sports Video: A Dual-Mode Two-Way Bayesian Inference Approach With Progressive Observation Modeling. IEEE Trans. Image Process. 2011, 20, 1652–1667. [Google Scholar] [CrossRef] [PubMed]
  4. Liu, J.; Carr, P.; Collins, R.T.; Liu, Y. Tracking sports players with context-conditioned motion models. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Portland, OR, USA, 23–28 June 2013; pp. 1830–1837. [Google Scholar]
  5. Shitrit, H.B.; Berclaz, J.; Fleuret, F.; Fua, P. Multi-Commodity Network Flow for Tracking Multiple People. IEEE Trans. Pattern Anal. Mach. Intell. 2014, 36, 1614–1627. [Google Scholar] [CrossRef] [PubMed]
  6. Sadeghian, A.; Alahi, A.; Savarese, S. Tracking the Untrackable: Learning to Track Multiple Cues with Long-Term Dependencies. In Proceedings of the IEEE International Conference on Computer Vision, Venice, Italy, 22–29 October 2017. [Google Scholar]
  7. Henschel, R.; Leal-Taixé, L.; Cremers, D.; Rosenhahn, B. Improvements to Frank-Wolfe optimization for multi-detector multi-object tracking. arXiv 2017, arXiv:1701.01909. [Google Scholar]
  8. Dicle, C.; Camps, O.I.; Sznaier, M. The way they move: Tracking multiple targets with similar appearance. In Proceedings of the IEEE International Conference on Computer Vision, Sydney, Australia, 1–8 December 2013; pp. 2304–2311. [Google Scholar]
  9. Kim, C.; Li, F.; Ciptadi, A.; Rehg, J.M. Multiple Hypothesis Tracking Revisited. In Proceedings of the IEEE International Conference on Computer Vision, Santiago, Chile, 11–18 December 2015; pp. 4696–4704. [Google Scholar] [CrossRef]
  10. Ran, N.; Kong, L.; Wang, Y.; Liu, Q. A Robust Multi-Athlete Tracking Algorithm by Exploiting Discriminant Features and Long-Term Dependencies. In International Conference on MultiMedia Modeling; Lecture Notes in Computer Science; Springer: Cham, Switzerland, 2019; Volume 11295, pp. 411–423. [Google Scholar] [CrossRef]
  11. Lu, J.; Huang, D.; Wang, Y.; Kong, L. Scaling and occlusion robust athlete tracking in sports videos. In Proceedings of the IEEE International Conference on Acoustics, Speech and Signal Processing, Shanghai, China, 20–25 March 2016; pp. 1526–1530. [Google Scholar]
  12. Pellegrini, S.; Ess, A.; Schindler, K.; Gool, L.V. You’ll never walk alone: Modeling social behavior for multi-target tracking. In Proceedings of the IEEE International Conference on Computer Vision, Kyoto, Japan, 27 September–4 October 2009. [Google Scholar]
  13. Breitenstein, M.D.; Reichlin, F.; Leibe, B.; Koller-Meier, E.; Gool, L.J.V. Online Multiperson Tracking-by-Detection from a Single, Uncalibrated Camera. IEEE Trans. Pattern Anal. Mach. Intell. 2011, 33, 1820–1833. [Google Scholar] [CrossRef] [PubMed]
  14. Shu, G.; Dehghan, A.; Oreifej, O.; Hand, E.; Shah, M. Part-based multiple-person tracking with partial occlusion handling. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Providence, RI, USA, 16–21 June 2012; pp. 1815–1821. [Google Scholar] [CrossRef] [Green Version]
  15. Kieritz, H.; Becker, S.; Hübner, W.; Arens, M. Online multi-person tracking using Integral Channel Features. In Proceedings of the IEEE International Conference on Advanced Video and Signal-Based Surveillance, Colorado Springs, CO, USA, 23–26 August 2016; pp. 122–130. [Google Scholar] [CrossRef]
  16. Kuo, C.H.; Nevatia, R. How does person identity recognition help multi-person tracking? In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Colorado Springs, CO, USA, 20–25 June 2011; pp. 1217–1224. [Google Scholar]
  17. Yamaguchi, K.; Berg, A.C.; Ortiz, L.E.; Berg, T.L. Who are you with and where are you going? In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Colorado Springs, CO, USA, 20–25 June 2011; pp. 1345–1352. [Google Scholar]
  18. Pirsiavash, H.; Ramanan, D.; Fowlkes, C.C. Globally-optimal greedy algorithms for tracking a variable number of objects. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Colorado Springs, CO, USA, 20–25 June 2011; pp. 1201–1208. [Google Scholar] [CrossRef] [Green Version]
  19. Milan, A.; Roth, S.; Schindler, K. Continuous Energy Minimization for Multitarget Tracking. IEEE Trans. Pattern Anal. Mach. Intell. 2014, 36, 58–72. [Google Scholar] [CrossRef] [PubMed]
  20. McLaughlin, N.; del Rincón, J.M.; Miller, P.C. Enhancing Linear Programming with Motion Modeling for Multi-target Tracking. In Proceedings of the Winter Conference on Applications of Computer Vision, Waikoloa, HI, USA, 6–9 January 2015; pp. 71–77. [Google Scholar] [CrossRef] [Green Version]
  21. Milan, A.; Schindler, K.; Roth, S. Multi-Target Tracking by Discrete-Continuous Energy Minimization. IEEE Trans. Pattern Anal. Mach. Intell. 2016, 38, 2054–2068. [Google Scholar] [CrossRef] [PubMed]
  22. Fagot-Bouquet, L.; Audigier, R.; Dhome, Y.; Lerasle, F. Improving Multi-frame Data Association with Sparse Representations for Robust Near-online Multi-object Tracking. In Proceedings of the European Conference on Computer Vision, Amsterdam, The Netherlands, 8–16 October 2016; pp. 774–790. [Google Scholar] [CrossRef] [Green Version]
  23. Yu, F.; Li, W.; Li, Q.; Liu, Y.; Shi, X.; Yan, J. Poi: Multiple object tracking with high performance detection and appearance feature. In European Conference on Computer Vision; Springer: Cham, Switzerland, 2016; pp. 36–42. [Google Scholar]
  24. Leal-Taixé, L.; Milan, A.; Reid, I.; Roth, S.; Schindler, K. Motchallenge 2015: Towards a benchmark for multi-target tracking. arXiv 2015, arXiv:1504.01942. [Google Scholar]
  25. Milan, A.; Leal-Taixé, L.; Reid, I.; Roth, S.; Schindler, K. MOT16: A benchmark for multi-object tracking. arXiv 2016, arXiv:1603.00831. [Google Scholar]
  26. Leal-Taixe, L.; Canton-Ferrer, C.; Schindler, K. Learning by Tracking: Siamese CNN for Robust Target Association. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition Workshop, Las Vegas, NV, USA, 26 June–1 July 2016. [Google Scholar]
  27. Andriluka, M.; Iqbal, U.; Insafutdinov, E.; Pishchulin, L.; Milan, A.; Gall, J.; Schiele, B. PoseTrack: A Benchmark for Human Pose Estimation and Tracking. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Salt Lake City, UT, USA, 18–22 June 2018; pp. 5167–5176. [Google Scholar]
  28. Kong, L.; Huang, D.; Wang, Y. Long-Term Action Dependence-Based Hierarchical Deep Association for Multi-Athlete Tracking in Sports Videos. IEEE Trans. Image Process. 2020, 29, 7957–7969. [Google Scholar] [CrossRef]
  29. Tang, S.; Andriluka, M.; Andres, B.; Schiele, B. Multiple People Tracking by Lifted Multicut and Person Re-identification. In Proceedings of the 2017 IEEE Conference on Computer Vision and Pattern Recognition, CVPR 2017, Honolulu, HI, USA, 21–26 July 2017; pp. 3701–3710. [Google Scholar]
  30. Liu, J.; Ding, H.; Shahroudy, A.; Duan, L.; Jiang, X.; Wang, G.; Kot, A.C. Feature Boosting Network For 3D Pose Estimation. IEEE Trans. Pattern Anal. Mach. Intell. 2020, 42, 494–501. [Google Scholar] [CrossRef] [PubMed] [Green Version]
  31. Fan, Z.; Liu, J.; Wang, Y. Adaptive Computationally Efficient Network for Monocular 3D Hand Pose Estimation. In Lecture Notes in Computer Science; Proceedings of the Computer Vision-ECCV 2020—16th European Conference, Glasgow, UK, 23–28 August 2020; Springer: Cham, Switzerland, 2020; Part IV; Volume 12349, pp. 127–144. [Google Scholar]
  32. Newell, A.; Yang, K.; Deng, J. Stacked Hourglass Networks for Human Pose Estimation. In Proceedings of the Computer Vision-ECCV 2016—14th European Conference, Amsterdam, The Netherlands, 11–14 October 2016; Springer: Cham, Switzerland, 2016. Part VIII. Volume 9912, pp. 483–499. [Google Scholar]
  33. Sun, K.; Xiao, B.; Liu, D.; Wang, J. Deep High-Resolution Representation Learning for Human Pose Estimation. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Long Beach, CA, USA, 16–20 June 2019; pp. 5693–5703. [Google Scholar]
  34. Cao, Z.; Simon, T.; Wei, S.; Sheikh, Y. Realtime Multi-person 2D Pose Estimation Using Part Affinity Fields. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Honolulu, HI, USA, 21–26 July 2017; pp. 1302–1310. [Google Scholar]
  35. Newell, A.; Huang, Z.; Deng, J. Associative Embedding: End-to-End Learning for Joint Detection and Grouping. In Proceedings of the Advances in Neural Information Processing Systems 30: Annual Conference on Neural Information Processing Systems 2017, Long Beach, CA, USA, 4–9 December 2017; pp. 2277–2287. [Google Scholar]
  36. Ren, S.; He, K.; Girshick, R.; Sun, J. Faster r-cnn: Towards real-time object detection with region proposal networks. In Advances in Neural Information Processing Systems; MIT Press: Cambridge, MA, USA, 2015; pp. 91–99. [Google Scholar]
  37. Adam, A.; Rivlin, E.; Shimshoni, I. Robust fragments-based tracking using the integral histogram. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, New York, NY, USA, 17–22 June 2006; Volume 1, pp. 798–805. [Google Scholar]
  38. Bowyer, K.W.; Chawla, N.V.; Hall, L.O.; Kegelmeyer, W.P. SMOTE: Synthetic Minority Over-sampling Technique. CoRR 2011. Available online: http://xxx.lanl.gov/abs/1106.1813 (accessed on 12 December 2020).
  39. Chawla, N.V. Data Mining for Imbalanced Datasets: An Overview. In Data Mining and Knowledge Discovery Handbook, 2nd ed.; Maimon, O., Rokach, L., Eds.; Springer: Boston, MA, USA, 2010; pp. 875–886. [Google Scholar] [CrossRef] [Green Version]
  40. Bernardin, K.; Stiefelhagen, R. Evaluating multiple object tracking performance: The CLEAR MOT metrics. J. Image Video Process. 2008, 246309. [Google Scholar] [CrossRef] [Green Version]
  41. Li, Y.; Huang, C.; Nevatia, R. Learning to associate: Hybridboosted multi-target tracker for crowded scene. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Miami, FL, USA, 20–25 June 2009. [Google Scholar]
  42. Perazzi, F.; Pont-Tuset, J.; McWilliams, B.; Van Gool, L.; Gross, M.; Sorkine-Hornung, A. A benchmark dataset and evaluation methodology for video object segmentation. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Las Vegas, NV, USA, 27–30 June 2016; pp. 724–732. [Google Scholar]
Figure 1. The proposed Multi-Athlete Tracking Framework.
Figure 1. The proposed Multi-Athlete Tracking Framework.
Sensors 21 00197 g001
Figure 2. The architecture of Pose-based Appearance Stream (PAS). The inputs are τ i and b j . τ i is tracklet of ith athlete, composed of his bounding boxes from time 1 to t, and b j is a candidate detection at time t + 1 . The concatenated features (i.e., pose features and appearance features) are fed into an LSTM followed by a softmax layer to generate the similarity score ϕ P A ( τ i , b j ) .
Figure 2. The architecture of Pose-based Appearance Stream (PAS). The inputs are τ i and b j . τ i is tracklet of ith athlete, composed of his bounding boxes from time 1 to t, and b j is a candidate detection at time t + 1 . The concatenated features (i.e., pose features and appearance features) are fed into an LSTM followed by a softmax layer to generate the similarity score ϕ P A ( τ i , b j ) .
Sensors 21 00197 g002
Figure 3. The architecture of Pose-based Motion Stream (PMS). The inputs are τ and b j . τ is tracklet of ith athlete, composed of his bounding boxes from time 1 to t, and b j is a candidate detection at time t + 1. The motion features are fed into an Long Short-Term Memory (LSTM) followed by a softmax layer to generate the similarity score ϕ P M ( τ i , b j ) . Velocity definition of body joints can be seen in left-side.
Figure 3. The architecture of Pose-based Motion Stream (PMS). The inputs are τ and b j . τ is tracklet of ith athlete, composed of his bounding boxes from time 1 to t, and b j is a candidate detection at time t + 1. The motion features are fed into an Long Short-Term Memory (LSTM) followed by a softmax layer to generate the similarity score ϕ P M ( τ i , b j ) . Velocity definition of body joints can be seen in left-side.
Sensors 21 00197 g003
Figure 4. The architecture of Posed-based Interaction Stream (PIS). A pose detector is applied to obtain pose information of an athlete from previous t frames. The interaction grids of this athlete are calculated between his/her closest 3 neighbors at each frame. Then we apply an LSTM to encode interaction information for this athlete and compare it with candidate boxes b j generated by the detector at timestep t + 1 . Finally, the LSTM outputs a similarity score ϕ P I ( τ i , b j ) indicating the probability of the candidate boxes containing the same athlete.
Figure 4. The architecture of Posed-based Interaction Stream (PIS). A pose detector is applied to obtain pose information of an athlete from previous t frames. The interaction grids of this athlete are calculated between his/her closest 3 neighbors at each frame. Then we apply an LSTM to encode interaction information for this athlete and compare it with candidate boxes b j generated by the detector at timestep t + 1 . Finally, the LSTM outputs a similarity score ϕ P I ( τ i , b j ) indicating the probability of the candidate boxes containing the same athlete.
Sensors 21 00197 g004
Figure 5. State transition diagram of our matching algorithm, where the input are bounding boxes belong to each frames { B 0 , B 1 , B 2 , . . . , B T 1 } . C a c t i v e is a pooling storing tracklets that have been tracked so far. C l o s t is a pooling storing tracklets that tracked but lost. C d i e is a pooling storing tracklets judged to be illegal. C f i n a l is a pooling storing legal output tracklets. The transfer actions {a1, a2, ..., a8} between them will be explained in detail below, and there will be corresponding annotations in the Algorithm 1.
Figure 5. State transition diagram of our matching algorithm, where the input are bounding boxes belong to each frames { B 0 , B 1 , B 2 , . . . , B T 1 } . C a c t i v e is a pooling storing tracklets that have been tracked so far. C l o s t is a pooling storing tracklets that tracked but lost. C d i e is a pooling storing tracklets judged to be illegal. C f i n a l is a pooling storing legal output tracklets. The transfer actions {a1, a2, ..., a8} between them will be explained in detail below, and there will be corresponding annotations in the Algorithm 1.
Sensors 21 00197 g005
Figure 6. Example frames of the APIDIS, NCAA basketball and VolleyTrack databases (each row belongs to a database).
Figure 6. Example frames of the APIDIS, NCAA basketball and VolleyTrack databases (each row belongs to a database).
Sensors 21 00197 g006
Figure 7. Visualization tracking results on APIDIS, NCAA Basketball and VolleyTrack databases (each row belongs to a sequence). The athletes in green dashed circles are success cases and the ones in red dashed circles are failure cases.
Figure 7. Visualization tracking results on APIDIS, NCAA Basketball and VolleyTrack databases (each row belongs to a sequence). The athletes in green dashed circles are success cases and the ones in red dashed circles are failure cases.
Sensors 21 00197 g007
Table 1. Comparison of different components of Pose-based Triple Stream Network (PTSN) on the VolleyTrack.
Table 1. Comparison of different components of Pose-based Triple Stream Network (PTSN) on the VolleyTrack.
ComponentsMOTA↑MOTP↑MT↑ML↓FP↓FN↓IDS↓
AS71.362.541.6749.129542191578
PAS79.568.243.7740.115021488394
PMS80.570.145.4041.304501100278
PIS77.369.143.0045.704981510147
PAS + PMS80.971.050.3435.094381086153
PAS + PMS + PIS84.776.456.6033.3029679254
Table 2. Comparison with state of the art on the APIDIS dataset.
Table 2. Comparison with state of the art on the APIDIS dataset.
MethodsModeIDF1↑MOTA↑MOTP↑MT↑ML↓FP↓FN↓IDS↓FPS ↑
MDPNN16 [6]Online53.674.180.155.621.576828121921.2
CEM [19]Offline47.064.277.145.622.8150630371851.1
MHT_DAM [9]Offline49.373.579.150.723.286327852310.8
ELP [20]Offline57.076.080.856.621.079425591973.7
Siamese CNN [26]Offline54.475.680.756.322.271626642136.2
OursOnline58.075.280.552.621.0748296723730
Table 3. Comparison with state of the art on the NCAA Basketball sequences.
Table 3. Comparison with state of the art on the NCAA Basketball sequences.
MethodsModeIDF1↑MOTA↑MOTP↑MT↑ML↓FP↓FN↓IDS↓FPS ↑
MDPNN16 [6]Online42.273.274.945.05.01741133851.7
CEM [19]Offline36.150.852.125.015.08311698701.5
MHT_DAM [9]Offline44.569.268.635.010.01531140841.1
ELP [20]Offline44.875.877.445.05.01671008864.3
Siamese CNN [26]Offline44.475.276.945.001641033917.6
OursOnline48.572.273.635.05.013312407434
Table 4. Comparison with state of the art on the VolleyTrack dataset.
Table 4. Comparison with state of the art on the VolleyTrack dataset.
MethodsModeIDF1↑MOTA↑MOTP↑MT↑ML↓FP↓FN↓IDS↓FPS ↑
MDPNN16 [6]Online78.372.764.045.518.3560882851.1
CEM [19]Offline82.880.176.257.111.4378726681.1
MHT_DAM [9]Offline80.984.976.355.335.1314818940.7
ELP [20]Offline84.483.375.154.328.2325748632.6
Siamese CNN [26]Offline81.483.375.255.718.2375768936.0
OursOnline85.084.776.456.633.32967925428
Publisher’s Note: MDPI stays neutral with regard to jurisdictional claims in published maps and institutional affiliations.

Share and Cite

MDPI and ACS Style

Kong, L.; Zhu, M.; Ran, N.; Liu, Q.; He, R. Online Multiple Athlete Tracking with Pose-Based Long-Term Temporal Dependencies. Sensors 2021, 21, 197. https://doi.org/10.3390/s21010197

AMA Style

Kong L, Zhu M, Ran N, Liu Q, He R. Online Multiple Athlete Tracking with Pose-Based Long-Term Temporal Dependencies. Sensors. 2021; 21(1):197. https://doi.org/10.3390/s21010197

Chicago/Turabian Style

Kong, Longteng, Mengxiao Zhu, Nan Ran, Qingjie Liu, and Rui He. 2021. "Online Multiple Athlete Tracking with Pose-Based Long-Term Temporal Dependencies" Sensors 21, no. 1: 197. https://doi.org/10.3390/s21010197

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