Code for the paper "Graph Attention Tracking". (CVPR2021)

Overview

SiamGAT

1. Environment setup

This code has been tested on Ubuntu 16.04, Python 3.5, Pytorch 1.2.0, CUDA 9.0. Please install related libraries before running this code:

pip install -r requirements.txt

2. Test

Download the pretrained model and put them into tools/snapshot directory.
From BaiduYun:

From Google Driver:

Download testing datasets and put them into test_dataset directory. Jsons of commonly used datasets can be downloaded from BaiduYun. If you want to test the tracker on a new dataset, please refer to pysot-toolkit to set test_dataset.

The tracking result can be download from BaiduYun (extract code: 0wod) or GoogleDriver for comparision.

python testTracker.py \    
        --config ../experiments/siamgat_googlenet_otb_uav/config.yaml \
	--dataset UAV123 \                                 # dataset_name
	--snapshot snapshot/otb_uav_model.pth              # tracker_name

The testing result will be saved in the results/dataset_name/tracker_name directory.

3. Train

Prepare training datasets

Download the datasets:

Note: training_dataset/dataset_name/readme.md has listed detailed operations about how to generate training datasets.

Download pretrained backbones

Download pretrained backbones from link and put them into pretrained_models directory.

Train a model

To train the SiamGAT model, run train.py with the desired configs:

cd tools
python train.py

4. Evaluation

We provide the tracking results (extract code: 0wod) (results in Google driver) of GOT-10k, LaSOT, OTB100 and UAV123. If you want to evaluate the tracker on OTB100, UAV123 and LaSOT, please put those results into results directory. Evaluate GOT-10k on Server.
Get TrackingNet results from BaiduYun (extract code: iwlj), and evaluate it on Server.

python eval.py 	                          \
	--tracker_path ./results          \ # result path
	--dataset UAV123                  \ # dataset_name
	--tracker_prefix 'otb_uav_model'   # tracker_name

5. Acknowledgement

The code is implemented based on pysot and SiamCAR. We would like to express our sincere thanks to the contributors.

6. Cite

If you use SiamGAT in your work please cite our papers:

@InProceedings{Guo_2021_CVPR,
author = {Guo, Dongyan and Shao, Yanyan and Cui, Ying and Wang, Zhenhua and Zhang, Liyan and Shen, Chunhua},
title = {Graph Attention Tracking},
booktitle = {The IEEE Conference on Computer Vision and Pattern Recognition (CVPR)},
month = {June},
year = {2021}
}

@InProceedings{Guo_2020_CVPR,
author = {Guo, Dongyan and Wang, Jun and Cui, Ying and Wang, Zhenhua and Chen, Shengyong},
title = {SiamCAR: Siamese Fully Convolutional Classification and Regression for Visual Tracking},
booktitle = {The IEEE Conference on Computer Vision and Pattern Recognition (CVPR)},
month = {June},
year = {2020}
}

Comments
  • Training Code and probelm about C.TRACK.OFFSET

    Training Code and probelm about C.TRACK.OFFSET

    Excellent job, I want to know would the training code be available. And I also find that in siamgat_tracker.py def accurate_location(), dist = cfg.TRACK.OFFSET = 45, how do you calculate it? Thanks for your help.

    opened by RaymondCover 6
  • test on got10k

    test on got10k

    I test on got10k with got10k_model.pth, siamgat_googlenet_got10k, and __C.HP_SEARCH.GOT10k = [0.7, 0.02, 0.35] but my result is 60.2 71.7 46.7, not 62.7 74.3 48.8. How do I set the parameters, or what is wrong with me?

    opened by aaahuia 5
  • Training the problem

    Training the problem

    Hello, I would like to ask how to solve the following problem encountered in the training

    UnicodeDecodeError: 'ascii' codec can't decode byte 0xe1 in position 755: ordinal not in range(128)

    opened by 6imust 3
  • pre trained models on Baidu

    pre trained models on Baidu

    Hi Guys, thanks for your work. Can you please upload the pre-trained models to a site that doesn't require a china phone number? would be happy to test them but I can't download them from Baidu

    opened by Gal147 1
  • train problem

    train problem

    Hello, data sets and processed data sets are not in the code   The specific errors are as follows  

    (GAT) ***@***.***:/workspace/SiamGAT-main/tools# python3 train.py [2022-03-15 00:55:47,136-rk0-train.py#271] init done Traceback (most recent call last):   File "train.py", line 332, in <module>     main()   File "train.py", line 274, in main     cfg.merge_from_file(args.cfg)   File "/root/anaconda3/envs/GAT/lib/python3.6/site-packages/yacs/config.py", line 212, in merge_from_file     cfg = self.load_cfg(f)   File "/root/anaconda3/envs/GAT/lib/python3.6/site-packages/yacs/config.py", line 363, in load_cfg     return cls._load_cfg_from_file(cfg_file_obj_or_str)   File "/root/anaconda3/envs/GAT/lib/python3.6/site-packages/yacs/config.py", line 372, in _load_cfg_from_file     return cls._load_cfg_from_yaml_str(file_obj.read())   File "/root/anaconda3/envs/GAT/lib/python3.6/encodings/ascii.py", line 26, in decode     return codecs.ascii_decode(input, self.errors)[0] UnicodeDecodeError: 'ascii' codec can't decode byte 0xe1 in position 755: ordinal not in [range(128)]

    thank you very much for your help

    opened by 6imust 0
  • 在VOT2016上测试的话,LR\PENALTY_K\WINDOW_INFLUENCE 这几个参数设置为多少比较好呢?

    在VOT2016上测试的话,LR\PENALTY_K\WINDOW_INFLUENCE 这几个参数设置为多少比较好呢?

    在VOT2016上测试的话,config.py中的 LR\PENALTY_K\WINDOW_INFLUENCE 这几个参数设置为多少比较好呢?尝试了 __C.HP_SEARCH.VOT2016=[0.38,0.05,0.42] __C.HP_SEARCH.VOT2016=[0.2, 0.04, 0.44] __C.HP_SEARCH.VOT2016=[0.28, 0.16, 0.4] 这几个效果都不太好,测试结果比SiamRPN++要低不少。请问这几个参数设置有trick吗?

    opened by TouchSkyWf 3
[CVPR2021] The source code for our paper 《Removing the Background by Adding the Background: Towards Background Robust Self-supervised Video Representation Learning》.

TBE The source code for our paper "Removing the Background by Adding the Background: Towards Background Robust Self-supervised Video Representation Le

Jinpeng Wang 150 Dec 28, 2022
Code for CVPR2021 paper "Robust Reflection Removal with Reflection-free Flash-only Cues"

Robust Reflection Removal with Reflection-free Flash-only Cues (RFC) Paper | To be released: Project Page | Video | Data Tensorflow implementation for

Chenyang LEI 162 Jan 5, 2023
PyTorch code for the paper "Curriculum Graph Co-Teaching for Multi-target Domain Adaptation" (CVPR2021)

PyTorch code for the paper "Curriculum Graph Co-Teaching for Multi-target Domain Adaptation" (CVPR2021) This repo presents PyTorch implementation of M

Evgeny 79 Dec 19, 2022
Code for CVPR2021 paper "Learning Salient Boundary Feature for Anchor-free Temporal Action Localization"

AFSD: Learning Salient Boundary Feature for Anchor-free Temporal Action Localization This is an official implementation in PyTorch of AFSD. Our paper

Tencent YouTu Research 146 Dec 24, 2022
Code for C2-Matching (CVPR2021). Paper: Robust Reference-based Super-Resolution via C2-Matching.

C2-Matching (CVPR2021) This repository contains the implementation of the following paper: Robust Reference-based Super-Resolution via C2-Matching Yum

Yuming Jiang 151 Dec 26, 2022
Code for CVPR2021 paper 'Where and What? Examining Interpretable Disentangled Representations'.

PS-SC GAN This repository contains the main code for training a PS-SC GAN (a GAN implemented with the Perceptual Simplicity and Spatial Constriction c

Xinqi/Steven Zhu 40 Dec 16, 2022
Code for the CVPR2021 paper "Patch-NetVLAD: Multi-Scale Fusion of Locally-Global Descriptors for Place Recognition"

Patch-NetVLAD: Multi-Scale Fusion of Locally-Global Descriptors for Place Recognition This repository contains code for the CVPR2021 paper "Patch-NetV

QVPR 368 Jan 6, 2023
Official code of paper "PGT: A Progressive Method for Training Models on Long Videos" on CVPR2021

PGT Code for paper PGT: A Progressive Method for Training Models on Long Videos. Install Run pip install -r requirements.txt. Run python setup.py buil

Bo Pang 27 Mar 30, 2022
PyTorch code for our paper "Image Super-Resolution with Non-Local Sparse Attention" (CVPR2021).

Image Super-Resolution with Non-Local Sparse Attention This repository is for NLSN introduced in the following paper "Image Super-Resolution with Non-

null 143 Dec 28, 2022
Repo for CVPR2021 paper "QPIC: Query-Based Pairwise Human-Object Interaction Detection with Image-Wide Contextual Information"

QPIC: Query-Based Pairwise Human-Object Interaction Detection with Image-Wide Contextual Information by Masato Tamura, Hiroki Ohashi, and Tomoaki Yosh

null 105 Dec 23, 2022
Official implementation of our CVPR2021 paper "OTA: Optimal Transport Assignment for Object Detection" in Pytorch.

OTA: Optimal Transport Assignment for Object Detection This project provides an implementation for our CVPR2021 paper "OTA: Optimal Transport Assignme

null 217 Jan 3, 2023
[PyTorch] Official implementation of CVPR2021 paper "PointDSC: Robust Point Cloud Registration using Deep Spatial Consistency". https://arxiv.org/abs/2103.05465

PointDSC repository PyTorch implementation of PointDSC for CVPR'2021 paper "PointDSC: Robust Point Cloud Registration using Deep Spatial Consistency",

null 153 Dec 14, 2022
The implementation of the CVPR2021 paper "Structure-Aware Face Clustering on a Large-Scale Graph with 10^7 Nodes"

STAR-FC This code is the implementation for the CVPR 2021 paper "Structure-Aware Face Clustering on a Large-Scale Graph with 10^7 Nodes" ?? ?? . ?? Re

Shuai Shen 87 Dec 28, 2022
The official repo of the CVPR2021 oral paper: Representative Batch Normalization with Feature Calibration

Representative Batch Normalization (RBN) with Feature Calibration The official implementation of the CVPR2021 oral paper: Representative Batch Normali

Open source projects of ShangHua-Gao 76 Nov 9, 2022
The implementation of CVPR2021 paper Temporal Query Networks for Fine-grained Video Understanding, by Chuhan Zhang, Ankush Gupta and Andrew Zisserman.

Temporal Query Networks for Fine-grained Video Understanding ?? This repository contains the implementation of CVPR2021 paper Temporal_Query_Networks

null 55 Dec 21, 2022
The official implementation of the CVPR2021 paper: Decoupled Dynamic Filter Networks

Decoupled Dynamic Filter Networks This repo is the official implementation of CVPR2021 paper: "Decoupled Dynamic Filter Networks". Introduction DDF is

F.S.Fire 180 Dec 30, 2022
PyTorch implementation of our Adam-NSCL algorithm from our CVPR2021 (oral) paper "Training Networks in Null Space for Continual Learning"

Adam-NSCL This is a PyTorch implementation of Adam-NSCL algorithm for continual learning from our CVPR2021 (oral) paper: Title: Training Networks in N

Shipeng Wang 34 Dec 21, 2022
Pytorch implementation of CVPR2021 paper "MUST-GAN: Multi-level Statistics Transfer for Self-driven Person Image Generation"

MUST-GAN Code | paper The Pytorch implementation of our CVPR2021 paper "MUST-GAN: Multi-level Statistics Transfer for Self-driven Person Image Generat

TianxiangMa 46 Dec 26, 2022
A pytorch implementation of the CVPR2021 paper "VSPW: A Large-scale Dataset for Video Scene Parsing in the Wild"

VSPW: A Large-scale Dataset for Video Scene Parsing in the Wild A pytorch implementation of the CVPR2021 paper "VSPW: A Large-scale Dataset for Video

null 45 Nov 29, 2022