Skip to content

Latest commit

 

History

History
1477 lines (946 loc) · 151 KB

yolov3.md

File metadata and controls

1477 lines (946 loc) · 151 KB

train

1_per_seq_6_class_vid_67 @ train

CUDA_VISIBLE_DEVICES=0 python3 yolov3_train.py --data_cfg=cfg/1_per_seq_6_class_vid_67.txt --net_cfg=cfg/1_per_seq_6_class_vid_67.cfg --batch_size=24 --pretrained_weights=pretrained_weights --weights=yolov3_weights/1_per_seq_6_class_vid_67_24 --epochs=1000

rt_for_tbx @ 1_per_seq_6_class_vid_67/train

CUDA_VISIBLE_DEVICES=2 python3 yolov3_train.py --data_cfg=cfg/1_per_seq_6_class_vid_67.txt --net_cfg=cfg/1_per_seq_6_class_vid_67.cfg --batch_size=24 --pretrained_weights=pretrained_weights --weights=yolov3_weights/1_per_seq_6_class_vid_67_24_rt --epochs=1000

2_per_seq_6_class_vid_67 @ train

CUDA_VISIBLE_DEVICES=0 python3 yolov3_train.py --data_cfg=cfg/2_per_seq_6_class_vid_67.txt --net_cfg=cfg/2_per_seq_6_class_vid_67.cfg --batch_size=24 --pretrained_weights=pretrained_weights --weights=yolov3_weights/2_per_seq_6_class_vid_67_24 --epochs=1000

5_per_seq_6_class_vid_67 @ train

CUDA_VISIBLE_DEVICES=1 python3 yolov3_train.py --data_cfg=cfg/5_per_seq_6_class_vid_67.txt --net_cfg=cfg/5_per_seq_6_class_vid_67.cfg --batch_size=24 --pretrained_weights=pretrained_weights --weights=yolov3_weights/5_per_seq_6_class_vid_67_24 --epochs=1000

10_per_seq_6_class_vid_67 @ train

CUDA_VISIBLE_DEVICES=2 python3 yolov3_train.py --data_cfg=cfg/10_per_seq_6_class_vid_67.txt --net_cfg=cfg/10_per_seq_6_class_vid_67.cfg --batch_size=24 --pretrained_weights=pretrained_weights --weights=yolov3_weights/10_per_seq_6_class_vid_67_24 --epochs=1000

acamp20k6_5 @ train

CUDA_VISIBLE_DEVICES=1 python3 yolov3_train.py --data_cfg=cfg/acamp20k6_5.txt --net_cfg=cfg/acamp20k6_5.cfg --batch_size=24 --pretrained_weights=pretrained_weights --weights=yolov3_weights/acamp20k6_5_24

rt @ acamp20k6_5/train

CUDA_VISIBLE_DEVICES=1 python3 yolov3_train.py --data_cfg=cfg/acamp20k6_5.txt --net_cfg=cfg/acamp20k6_5.cfg --batch_size=24 --pretrained_weights=pretrained_weights --weights=yolov3_weights/acamp20k6_5_24_rt

multi-scale @ acamp20k6_5/train

CUDA_VISIBLE_DEVICES=0 python3 yolov3_train.py --data_cfg=cfg/acamp20k6_5.txt --net_cfg=cfg/acamp20k6_5.cfg --batch_size=4 --pretrained_weights=pretrained_weights --weights=yolov3_weights/acamp20k6_5_4_ms --multi-scale --resume

transfer @ acamp20k6_5/train

nan

CUDA_VISIBLE_DEVICES=0 python3 yolov3_train.py --data_cfg=cfg/acamp20k6_5.txt --net_cfg=cfg/acamp20k6_5.cfg --batch_size=32 --pretrained_weights=pretrained_weights --weights=yolov3_weights/acamp20k6_5_32_tr --transfer

20k6_5_no_spp @ train

CUDA_VISIBLE_DEVICES=2 python3 yolov3_train.py --data_cfg=cfg/acamp20k6_5_no_spp.txt --net_cfg=cfg/acamp20k6_5_no_spp.cfg --batch_size=24 --pretrained_weights=pretrained_weights --weights=yolov3_weights/acamp20k6_5_no_spp_24

20k6_60 @ train

CUDA_VISIBLE_DEVICES=1 python3 yolov3_train.py --data_cfg=cfg/acamp20k6_60.txt --net_cfg=cfg/acamp20k6_60.cfg --batch_size=24 --pretrained_weights=pretrained_weights --weights=yolov3_weights/acamp20k6_60_24

win @ 20k6_60/train

python3 yolov3_train.py --data_cfg=cfg/acamp20k6_60.txt --net_cfg=cfg/acamp20k6_60.cfg --batch_size=12 --pretrained_weights=pretrained_weights --weights=yolov3_weights/acamp20k6_60_24

20k6_60_no_spp @ train

CUDA_VISIBLE_DEVICES=1 python3 yolov3_train.py --data_cfg=cfg/acamp20k6_60_no_spp.txt --net_cfg=cfg/acamp20k6_60_no_spp.cfg --batch_size=24 --pretrained_weights=pretrained_weights --weights=yolov3_weights/acamp20k6_60_no_spp_24

10k6_entire_seq @ train

CUDA_VISIBLE_DEVICES=0 python3 yolov3_train.py --data_cfg=cfg/acamp10k6_entire_seq.txt --net_cfg=cfg/acamp10k6_entire_seq.cfg --batch_size=24 --pretrained_weights=pretrained_weights --weights=yolov3_weights/acamp10k6_entire_seq_24

python3 -c 'from yolov3_utils import utils; utils.plot_results(folder="yolov3_weights/acamp10k6_entire_seq_24")'

mixed_precision @ 10k6_entire_seq/train

CUDA_VISIBLE_DEVICES=0 python3 yolov3_train.py --data_cfg=cfg/acamp10k6_entire_seq.txt --net_cfg=cfg/acamp10k6_entire_seq.cfg --batch_size=24 --pretrained_weights=pretrained_weights --weights=yolov3_weights/acamp10k6_entire_seq_mp_24 --mixed_precision=1

python3 -c 'from yolov3_utils import utils; utils.plot_results(folder="yolov3_weights/acamp10k6_entire_seq_mp_24")'

15k6_entire_seq @ train

CUDA_VISIBLE_DEVICES=1 python3 yolov3_train.py --data_cfg=cfg/acamp15k6_entire_seq.txt --net_cfg=cfg/acamp15k6_entire_seq.cfg --batch_size=24 --pretrained_weights=pretrained_weights --weights=yolov3_weights/acamp15k6_entire_seq_24

python3 -c 'from yolov3_utils import utils; utils.plot_results(folder="yolov3_weights/acamp15k6_entire_seq_24")'

1k6_vid_entire_seq_mp @ train

CUDA_VISIBLE_DEVICES=0 python3 yolov3_train.py --data_cfg=cfg/acamp1k6_vid_entire_seq.txt --net_cfg=cfg/acamp1k6_vid_entire_seq.cfg --batch_size=24 --pretrained_weights=pretrained_weights --weights=yolov3_weights/acamp1k6_vid_entire_seq_24 --mixed_precision=0

mp @ 1k6_vid_entire_seq_mp/train

CUDA_VISIBLE_DEVICES=0 python3 yolov3_train.py --data_cfg=cfg/acamp1k6_vid_entire_seq.txt --net_cfg=cfg/acamp1k6_vid_entire_seq.cfg --batch_size=24 --pretrained_weights=pretrained_weights --weights=yolov3_weights/acamp1k6_vid_entire_seq_24_mp --mixed_precision=1

10k6_vid_entire_seq_mp @ train

CUDA_VISIBLE_DEVICES=0 python3 yolov3_train.py --data_cfg=cfg/acamp10k6_vid_entire_seq.txt --net_cfg=cfg/acamp10k6_vid_entire_seq.cfg --batch_size=24 --pretrained_weights=pretrained_weights --weights=yolov3_weights/acamp10k6_vid_entire_seq_mp_24 --mixed_precision=1

python3 -c 'from yolov3_utils import utils; utils.plot_results(folder="yolov3_weights/acamp10k6_vid_entire_seq_mp_24")'

1_per_seq_val @ 10k6_vid_entire_seq_mp/train

CUDA_VISIBLE_DEVICES=0 python3 yolov3_train.py --data_cfg=cfg/acamp10k6_vid_entire_seq_1_per_seq_val.txt --net_cfg=cfg/acamp10k6_vid_entire_seq.cfg --batch_size=24 --pretrained_weights=pretrained_weights --weights=yolov3_weights/acamp10k6_vid_entire_seq_mp_1_per_seq_val_24 --mixed_precision=1

python3 -c 'from yolov3_utils import utils; utils.plot_results(folder="yolov3_weights/acamp10k6_vid_entire_seq_mp_1_per_seq_val_24")'

15k6_vid_entire_seq @ train

CUDA_VISIBLE_DEVICES=1 python3 yolov3_train.py --data_cfg=cfg/acamp15k6_vid_entire_seq.txt --net_cfg=cfg/acamp15k6_vid_entire_seq.cfg --batch_size=24 --pretrained_weights=pretrained_weights --weights=yolov3_weights/acamp15k6_vid_entire_seq_24

python3 -c 'from yolov3_utils import utils; utils.plot_results(folder="yolov3_weights/acamp15k6_vid_entire_seq_24")'

1_per_seq_val @ 15k6_vid_entire_seq/train

CUDA_VISIBLE_DEVICES=2 python3 yolov3_train.py --data_cfg=cfg/acamp15k6_vid_entire_seq_1_per_seq_val.txt --net_cfg=cfg/acamp15k6_vid_entire_seq.cfg --batch_size=24 --pretrained_weights=pretrained_weights --weights=yolov3_weights/acamp15k6_vid_entire_seq_1_per_seq_val_24

python3 -c 'from yolov3_utils import utils; utils.plot_results(folder="yolov3_weights/acamp15k6_vid_entire_seq_1_per_seq_val_24")'

1K_static3a_sampled @ train

CUDA_VISIBLE_DEVICES=0 python3 yolov3_train.py --data_cfg=cfg/acamp1K_static3a.txt --net_cfg=cfg/acamp1K_static3a.cfg --batch_size=24 --pretrained_weights=pretrained_weights --weights=yolov3_weights/acamp1K_static3a

python3 -c 'from yolov3_utils import utils; utils.plot_results(folder="yolov3_weights/acamp1K_static3a")'

mixed_precision @ 1K_static3a_sampled/train

CUDA_VISIBLE_DEVICES=0 python3 yolov3_train.py --data_cfg=cfg/acamp1K_static3a.txt --net_cfg=cfg/acamp1K_static3a.cfg --batch_size=24 --pretrained_weights=pretrained_weights --weights=yolov3_weights/acamp1K_static3a_mp --mixed_precision=1

python3 -c "import torch;print(torch.version);print(torch.version.cuda)"

rt_tbx @ mixed_precision/1K_static3a_sampled/train

CUDA_VISIBLE_DEVICES=0 python3 yolov3_train.py --data_cfg=cfg/acamp1K_static3a.txt --net_cfg=cfg/acamp1K_static3a.cfg --batch_size=24 --pretrained_weights=pretrained_weights --weights=yolov3_weights/acamp1K_static3a_rt --mixed_precision=0

500_static3a @ train

CUDA_VISIBLE_DEVICES=2 python3 yolov3_train.py --data_cfg=cfg/acamp500_static3a.txt --net_cfg=cfg/acamp500_static3a.cfg --batch_size=24 --pretrained_weights=pretrained_weights --weights=yolov3_weights/acamp500_static3a --epochs=1000

200_static3a @ train

CUDA_VISIBLE_DEVICES=2 python3 yolov3_train.py --data_cfg=cfg/acamp200_static3a.txt --net_cfg=cfg/acamp200_static3a.cfg --batch_size=24 --pretrained_weights=pretrained_weights --weights=yolov3_weights/acamp200_static3a --resume --epochs=400

win @ 200_static3a/train

python3 yolov3_train.py --data_cfg=cfg/acamp200_static3a.txt --net_cfg=cfg/acamp200_static3a.cfg --batch_size=12 --pretrained_weights=pretrained_weights --weights=yolov3_weights/acamp200_static3a --epochs=400

python3 -c 'from yolov3_utils import utils; utils.plot_results(folder="yolov3_weights/acamp200_static3a")'

20K_vid3a @ train

CUDA_VISIBLE_DEVICES=2 python3 yolov3_train.py --data_cfg=cfg/acamp20K_vid3a.txt --net_cfg=cfg/acamp20K_vid3a.cfg --batch_size=24 --pretrained_weights=pretrained_weights --weights=yolov3_weights/acamp20K_vid3a --epochs=400

python3 -c 'from yolov3_utils import utils; utils.plot_results(folder="yolov3_weights/acamp20K_vid3a")'

p1_a_h_no_mask_bear_3_frg_per_bkg @ train

CUDA_VISIBLE_DEVICES=1 python3 yolov3_train.py --data_cfg=cfg/p1_a_h_no_mask_bear_3_frg_per_bkg.txt --net_cfg=cfg/p1_a_h_no_mask_bear_3_frg_per_bkg.cfg --batch_size=24 --pretrained_weights=pretrained_weights --weights=yolov3_weights/p1_a_h_no_mask_bear_3_frg_per_bkg --epochs=1000

p1_a_h_no_mask_bear_3_frg_per_bkg @ train

CUDA_VISIBLE_DEVICES=1 python3 yolov3_train.py --data_cfg=cfg/p1_a_h_no_mask_bear_3_frg_per_bkg.txt --net_cfg=cfg/p1_a_h_no_mask_bear_3_frg_per_bkg.cfg --batch_size=24 --pretrained_weights=pretrained_weights --weights=yolov3_weights/p1_a_h_no_mask_bear_3_frg_per_bkg --epochs=1000

p1_bear_a_h_mask_rcnn_resnet101_1_seq_to_samples_3_frg_per_bkg @ train

CUDA_VISIBLE_DEVICES=2 python3 yolov3_train.py --data_cfg=cfg/p1_bear_a_h_mask_rcnn_resnet101_1_seq_to_samples_3_frg_per_bkg.txt --net_cfg=cfg/p1_bear_a_h_mask_rcnn_resnet101_1_seq_to_samples_3_frg_per_bkg.cfg --batch_size=24 --pretrained_weights=pretrained_weights --weights=yolov3_weights/p1_bear_a_h_mask_rcnn_resnet101_1_seq_to_samples_3_frg_per_bkg --epochs=1000

20K_vid4a @ train

CUDA_VISIBLE_DEVICES=0 python3 yolov3_train.py --data_cfg=cfg/acamp20K_vid4a.txt --net_cfg=cfg/acamp20K_vid4a.cfg --batch_size=24 --pretrained_weights=pretrained_weights --weights=yolov3_weights/acamp20K_vid4a_mp --epochs=400 --mixed_precision=1

p1_4_class_a_h @ train

CUDA_VISIBLE_DEVICES=0 python3 yolov3_train.py --data_cfg=cfg/p1_4_class_a_h.txt --net_cfg=cfg/p1_4_class_a_h.cfg --batch_size=24 --pretrained_weights=pretrained_weights --weights=yolov3_weights/p1_4_class_a_h_mp --epochs=1000 --mixed_precision=1 --load_sep=1

p1_a_h_3_class_30 @ train

CUDA_VISIBLE_DEVICES=1 python3 yolov3_train.py --data_cfg=cfg/p1_a_h_3_class_30.txt --net_cfg=cfg/p1_a_h_3_class_30.cfg --batch_size=24 --pretrained_weights=pretrained_weights --weights=yolov3_weights/p1_a_h_3_class_30 --epochs=400

p1_a_h_4_class_30 @ train

CUDA_VISIBLE_DEVICES=2 python3 yolov3_train.py --data_cfg=cfg/p1_a_h_4_class_30.txt --net_cfg=cfg/p1_a_h_4_class_30.cfg --batch_size=24 --pretrained_weights=pretrained_weights --weights=yolov3_weights/p1_a_h_4_class_30 --epochs=400

rt @ p1_a_h_4_class_30/train

CUDA_VISIBLE_DEVICES=2 python3 yolov3_train.py --data_cfg=cfg/p1_a_h_4_class_30.txt --net_cfg=cfg/p1_a_h_4_class_30.cfg --batch_size=24 --pretrained_weights=pretrained_weights --weights=yolov3_weights/p1_a_h_4_class_30_rt --epochs=400

p1_a_h_no_mask_3_class_30 @ train

CUDA_VISIBLE_DEVICES=2 python3 yolov3_train.py --data_cfg=cfg/p1_a_h_no_mask_3_class_30.txt --net_cfg=cfg/p1_a_h_no_mask_3_class_30.cfg --batch_size=24 --pretrained_weights=pretrained_weights --weights=yolov3_weights/p1_a_h_no_mask_3_class_30 --epochs=600 --resume

p1_3_class_a_h_3_frg_per_bkg @ train

CUDA_VISIBLE_DEVICES=1 python3 yolov3_train.py --data_cfg=cfg/p1_3_class_a_h_3_frg_per_bkg.txt --net_cfg=cfg/p1_3_class_a_h_3_frg_per_bkg.cfg --batch_size=24 --pretrained_weights=pretrained_weights --weights=yolov3_weights/p1_3_class_a_h_3_frg_per_bkg --epochs=1000

p1_4_class_a_h_3_frg_per_bkg @ train

CUDA_VISIBLE_DEVICES=2 python3 yolov3_train.py --data_cfg=cfg/p1_4_class_a_h_3_frg_per_bkg.txt --net_cfg=cfg/p1_4_class_a_h_3_frg_per_bkg.cfg --batch_size=24 --pretrained_weights=pretrained_weights --weights=yolov3_weights/p1_4_class_a_h_3_frg_per_bkg --epochs=1000

p1_3_class_a_h_no_mask_3_frg_per_bkg @ train

CUDA_VISIBLE_DEVICES=1 python3 yolov3_train.py --data_cfg=cfg/p1_3_class_a_h_no_mask_3_frg_per_bkg.txt --net_cfg=cfg/p1_3_class_a_h_no_mask_3_frg_per_bkg.cfg --batch_size=24 --pretrained_weights=pretrained_weights --weights=yolov3_weights/p1_3_class_a_h_no_mask_3_frg_per_bkg --epochs=1000

p1_4_class_a_h_no_mask_3_frg_per_bkg @ train

CUDA_VISIBLE_DEVICES=2 python3 yolov3_train.py --data_cfg=cfg/p1_4_class_a_h_no_mask_3_frg_per_bkg.txt --net_cfg=cfg/p1_4_class_a_h_no_mask_3_frg_per_bkg.cfg --batch_size=24 --pretrained_weights=pretrained_weights --weights=yolov3_weights/p1_4_class_a_h_no_mask_3_frg_per_bkg --epochs=1000

p1_3_class_a_h_mask_rcnn_resnet101_3_frg_per_bkg @ train

CUDA_VISIBLE_DEVICES=1 python3 yolov3_train.py --data_cfg=cfg/p1_3_class_a_h_mask_rcnn_resnet101_3_frg_per_bkg.txt --net_cfg=cfg/p1_3_class_a_h_mask_rcnn_resnet101_3_frg_per_bkg.cfg --batch_size=24 --pretrained_weights=pretrained_weights --weights=yolov3_weights/p1_3_class_a_h_mask_rcnn_resnet101_3_frg_per_bkg --epochs=1000

p1_4_class_a_h_mask_rcnn_resnet101_3_frg_per_bkg @ train

CUDA_VISIBLE_DEVICES=2 python3 yolov3_train.py --data_cfg=cfg/p1_4_class_a_h_mask_rcnn_resnet101_3_frg_per_bkg.txt --net_cfg=cfg/p1_4_class_a_h_mask_rcnn_resnet101_3_frg_per_bkg.cfg --batch_size=24 --pretrained_weights=pretrained_weights --weights=yolov3_weights/p1_4_class_a_h_mask_rcnn_resnet101_3_frg_per_bkg --epochs=1000

p1_3_class_a_h_siam_mask_3_frg_per_bkg @ train

CUDA_VISIBLE_DEVICES=1 python3 yolov3_train.py --data_cfg=cfg/p1_3_class_a_h_siam_mask_3_frg_per_bkg.txt --net_cfg=cfg/p1_3_class_a_h_siam_mask_3_frg_per_bkg.cfg --batch_size=24 --pretrained_weights=pretrained_weights --weights=yolov3_weights/p1_3_class_a_h_siam_mask_3_frg_per_bkg --epochs=1000

p1_4_class_a_h_siam_mask_3_frg_per_bkg @ train

CUDA_VISIBLE_DEVICES=2 python3 yolov3_train.py --data_cfg=cfg/p1_4_class_a_h_siam_mask_3_frg_per_bkg.txt --net_cfg=cfg/p1_4_class_a_h_siam_mask_3_frg_per_bkg.cfg --batch_size=24 --pretrained_weights=pretrained_weights --weights=yolov3_weights/p1_4_class_a_h_siam_mask_3_frg_per_bkg --epochs=1000

p1_3_class_a_h_siam_mask_davis_3_frg_per_bkg @ train

CUDA_VISIBLE_DEVICES=1 python3 yolov3_train.py --data_cfg=cfg/p1_3_class_a_h_siam_mask_davis_3_frg_per_bkg.txt --net_cfg=cfg/p1_3_class_a_h_siam_mask_davis_3_frg_per_bkg.cfg --batch_size=24 --pretrained_weights=pretrained_weights --weights=yolov3_weights/p1_3_class_a_h_siam_mask_davis_3_frg_per_bkg --epochs=1000

p1_4_class_a_h_siam_mask_davis_3_frg_per_bkg @ train

CUDA_VISIBLE_DEVICES=2 python3 yolov3_train.py --data_cfg=cfg/p1_4_class_a_h_siam_mask_davis_3_frg_per_bkg.txt --net_cfg=cfg/p1_4_class_a_h_siam_mask_davis_3_frg_per_bkg.cfg --batch_size=24 --pretrained_weights=pretrained_weights --weights=yolov3_weights/p1_4_class_a_h_siam_mask_davis_3_frg_per_bkg --epochs=1000

p1_a_h_no_mask_3_class_30 @ train

CUDA_VISIBLE_DEVICES=2 python3 yolov3_train.py --data_cfg=cfg/p1_a_h_no_mask_3_class_30.txt --net_cfg=cfg/p1_a_h_no_mask_3_class_30.cfg --batch_size=24 --pretrained_weights=pretrained_weights --weights=yolov3_weights/p1_a_h_no_mask_3_class_30 --epochs=600 --resume

p1_a_h_no_mask_4_class_30 @ train

CUDA_VISIBLE_DEVICES=0 python3 yolov3_train.py --data_cfg=cfg/p1_a_h_no_mask_4_class_30.txt --net_cfg=cfg/p1_a_h_no_mask_4_class_30.cfg --batch_size=24 --pretrained_weights=pretrained_weights --weights=yolov3_weights/p1_a_h_no_mask_4_class_30 --epochs=400

acamp1k8_vid @ train

CUDA_VISIBLE_DEVICES=1 python3 yolov3_train.py --data_cfg=cfg/acamp1k8_vid.txt --net_cfg=cfg/acamp1k8_vid.cfg --batch_size=24 --pretrained_weights=pretrained_weights --weights=yolov3_weights/acamp1k8_vid_24 --resume --epochs=400

python3 -c 'from yolov3_utils import utils; utils.plot_results(folder="yolov3_weights/acamp1k8_vid_24")'

acamp1k8_vid_entire_seq @ train

CUDA_VISIBLE_DEVICES=2 python3 yolov3_train.py --data_cfg=cfg/acamp1k8_vid_entire_seq.txt --net_cfg=cfg/acamp1k8_vid_entire_seq.cfg --batch_size=24 --pretrained_weights=pretrained_weights --weights=yolov3_weights/acamp1k8_vid_entire_seq_24 --epochs=400 --mixed_precision=0

1k8_vid_even_min_1 @ train

CUDA_VISIBLE_DEVICES=1 python3 yolov3_train.py --data_cfg=cfg/1k8_vid_even_min_1.txt --net_cfg=cfg/1k8_vid_even_min_1.cfg --batch_size=24 --pretrained_weights=pretrained_weights --weights=yolov3_weights/1k8_vid_even_min_1_24_mp --epochs=400 --mixed_precision=1

test

acamp1K_static3a @ test

inverted @ acamp1K_static3a/test

best_91 @ inverted/acamp1K_static3a/test

CUDA_VISIBLE_DEVICES=0 python3 yolov3_test.py --data_cfg=cfg/acamp1K_static3a.txt --net_cfg=cfg/acamp1K_static3a.cfg --batch_size=48 --weights=yolov3_weights/acamp1K_static3a/best_91.pt --test_path=/data/acamp/acamp20k/acamp1K_static3a_sampled_train_inverted.txt

CUDA_VISIBLE_DEVICES=1 python3 ../tf_api/tf_api_eval.py labels_path=../tf_api/data/wildlife_label_map_20k3a.pbtxt n_frames=0 show_img=0 n_classes=3 eval_every=0 root_dir=/data/acamp/acamp20k seq_paths=../tf_api/acamp_static_3_class.txt sleep_time=10 write_summary=1 save_det=1 load_det=1 load_dir=yolov3_weights/acamp1K_static3a/best_91_on_acamp1K_static3a_sampled_train_inverted/ load_samples=1 load_samples_root=/data/acamp/acamp20k/acamp1K_static3a_sampled_train_inverted score_thresholds=0:1:0.001

all_vid @ best_91/inverted/acamp1K_static3a/test

CUDA_VISIBLE_DEVICES=2 python3 yolov3_test.py --data_cfg=cfg/acamp1K_static3a.txt --net_cfg=cfg/acamp1K_static3a.cfg --batch_size=32 --weights=yolov3_weights/acamp1K_static3a/best_91.pt --test_path=/data/acamp/acamp20k/all_vid_3_class.txt

CUDA_VISIBLE_DEVICES=2 python3 ../tf_api/tf_api_eval.py labels_path=../tf_api/data/wildlife_label_map_20k3a.pbtxt n_frames=0 show_img=0 n_classes=3 eval_every=0 root_dir=/data/acamp/acamp20k seq_paths=../tf_api/acamp_video_3_class.txt sleep_time=10 write_summary=1 save_det=1 load_det=1 load_dir=yolov3_weights/acamp1K_static3a/best_91_on_all_vid_3_class/ score_thresholds=0:1:0.001

latest @ inverted/acamp1K_static3a/test

CUDA_VISIBLE_DEVICES=0 python3 yolov3_test.py --data_cfg=cfg/acamp1K_static3a.txt --net_cfg=cfg/acamp1K_static3a.cfg --batch_size=48 --weights=yolov3_weights/acamp1K_static3a/latest.pt --test_path=/data/acamp/acamp20k/acamp1K_static3a_sampled_train_inverted.txt

CUDA_VISIBLE_DEVICES=1 python3 ../tf_api/tf_api_eval.py labels_path=../tf_api/data/wildlife_label_map_20k3a.pbtxt n_frames=0 show_img=0 n_classes=3 eval_every=0 root_dir=/data/acamp/acamp20k seq_paths=../tf_api/acamp_static_3_class.txt sleep_time=10 write_summary=1 save_det=1 load_det=1 load_dir=yolov3_weights/acamp1K_static3a/latest_on_acamp1K_static3a_sampled_train_inverted/ load_samples=1 load_samples_root=/data/acamp/acamp20k/acamp1K_static3a_sampled_train_inverted score_thresholds=0:1:0.001

p1_3_class_a_h_3_frg_per_bkg_inv @ inverted/acamp1K_static3a/test

CUDA_VISIBLE_DEVICES=2 python3 yolov3_test.py --data_cfg=cfg/acamp1K_static3a.txt --net_cfg=cfg/acamp1K_static3a.cfg --batch_size=32 --weights=yolov3_weights/acamp1K_static3a/latest.pt --test_path=/data/acamp/acamp20k/p1_3_class_a_h_3_frg_per_bkg_inv.txt

CUDA_VISIBLE_DEVICES=1 python3 ../tf_api/tf_api_eval.py labels_path=../tf_api/data/wildlife_label_map_20k3a.pbtxt n_frames=0 show_img=0 n_classes=3 eval_every=0 root_dir=/data/acamp/acamp20k/prototype_1 seq_paths=../tf_api/p1_a_h_3_class.txt sleep_time=10 write_summary=1 save_det=1 load_det=1 load_dir=yolov3_weights/acamp1K_static3a/latest_on_p1_3_class_a_h_3_frg_per_bkg_inv/ load_samples=1 load_samples_root=/data/acamp/acamp20k/p1_3_class_a_h_3_frg_per_bkg_inv score_thresholds=0:1:0.001

all_vid @ p1_3_class_a_h_3_frg_per_bkg_inv/inverted/acamp1K_static3a/test

CUDA_VISIBLE_DEVICES=2 python3 yolov3_test.py --data_cfg=cfg/acamp1K_static3a.txt --net_cfg=cfg/acamp1K_static3a.cfg --batch_size=32 --weights=yolov3_weights/acamp1K_static3a/latest.pt --test_path=/data/acamp/acamp20k/all_vid_3_class.txt

CUDA_VISIBLE_DEVICES=2 python3 ../tf_api/tf_api_eval.py labels_path=../tf_api/data/wildlife_label_map_20k3a.pbtxt n_frames=0 show_img=0 n_classes=3 eval_every=0 root_dir=/data/acamp/acamp20k seq_paths=../tf_api/acamp_video_3_class.txt sleep_time=10 write_summary=1 save_det=1 load_det=1 load_dir=yolov3_weights/acamp1K_static3a/latest_on_all_vid_3_class/ score_thresholds=0:1:0.001

acamp200_static3a @ test

inverted @ acamp200_static3a/test

best_91 @ inverted/acamp200_static3a/test

CUDA_VISIBLE_DEVICES=1 python3 yolov3_test.py --data_cfg=cfg/acamp200_static3a.txt --net_cfg=cfg/acamp200_static3a.cfg --batch_size=48 --weights=yolov3_weights/acamp200_static3a/best_94.pt --test_path=/data/acamp/acamp20k/acamp200_static3a_sampled_train_inverted.txt

CUDA_VISIBLE_DEVICES=1 python3 ../tf_api/tf_api_eval.py labels_path=../tf_api/data/wildlife_label_map_20k3a.pbtxt n_frames=0 show_img=0 n_classes=3 eval_every=0 root_dir=/data/acamp/acamp20k seq_paths=../tf_api/acamp_static_3_class.txt sleep_time=10 write_summary=1 save_det=1 load_det=1 load_dir=yolov3_weights/acamp200_static3a/best_94_on_acamp200_static3a_sampled_train_inverted/ --load_samples=1 load_samples_root=/data/acamp/acamp20k/acamp200_static3a_sampled_train_inverted score_thresholds=0:1:0.001

nvme @ best_91/inverted/acamp200_static3a/test

CUDA_VISIBLE_DEVICES=0 python3 yolov3_test.py --data_cfg=cfg/acamp200_static3a.txt --net_cfg=cfg/acamp200_static3a.cfg --batch_size=48 --weights=yolov3_weights/acamp200_static3a/best_94.pt --test_path=/data/acamp/acamp20k/acamp200_static3a_sampled_train_inverted_nvme.txt

latest @ inverted/acamp200_static3a/test

CUDA_VISIBLE_DEVICES=1 python3 yolov3_test.py --data_cfg=cfg/acamp200_static3a.txt --net_cfg=cfg/acamp200_static3a.cfg --batch_size=32 --weights=yolov3_weights/acamp200_static3a/latest.pt --test_path=/data/acamp/acamp20k/acamp200_static3a_sampled_train_inverted.txt

CUDA_VISIBLE_DEVICES=1 python3 ../tf_api/tf_api_eval.py labels_path=../tf_api/data/wildlife_label_map_20k3a.pbtxt n_frames=0 show_img=0 n_classes=3 eval_every=0 root_dir=/data/acamp/acamp20k seq_paths=../tf_api/acamp_static_3_class.txt sleep_time=10 write_summary=1 save_det=1 load_det=1 load_dir=yolov3_weights/acamp200_static3a/latest_on_acamp200_static3a_sampled_train_inverted/ load_samples=1 load_samples_root=/data/acamp/acamp20k/acamp200_static3a_sampled_train_inverted score_thresholds=0:1:0.001

acamp500_static3a @ test

CUDA_VISIBLE_DEVICES=2 python3 yolov3_train.py --data_cfg=cfg/acamp500_static3a.txt --net_cfg=cfg/acamp500_static3a.cfg --batch_size=24 --pretrained_weights=pretrained_weights --weights=yolov3_weights/acamp500_static3a --epochs=1000

best_377 @ acamp500_static3a/test

CUDA_VISIBLE_DEVICES=2 python3 yolov3_test.py --data_cfg=cfg/acamp500_static3a.txt --net_cfg=cfg/acamp500_static3a.cfg --batch_size=32 --weights=yolov3_weights/acamp500_static3a/best_377.pt --test_path=/data/acamp/acamp20k/acamp500_static3a_train_inverted.txt

CUDA_VISIBLE_DEVICES=1 python3 ../tf_api/tf_api_eval.py labels_path=../tf_api/data/wildlife_label_map_20k3a.pbtxt n_frames=0 show_img=0 n_classes=3 eval_every=0 root_dir=/data/acamp/acamp20k seq_paths=../tf_api/acamp_static_3_class.txt sleep_time=10 write_summary=1 save_det=1 load_det=1 load_dir=yolov3_weights/acamp500_static3a/best_377_on_acamp500_static3a_train_inverted/ --load_samples=1 load_samples_root=/data/acamp/acamp20k/acamp500_static3a_train_inverted score_thresholds=0:1:0.001 n_threads=1

latest @ acamp500_static3a/test

CUDA_VISIBLE_DEVICES=2 python3 yolov3_test.py --data_cfg=cfg/acamp500_static3a.txt --net_cfg=cfg/acamp500_static3a.cfg --batch_size=32 --weights=yolov3_weights/acamp500_static3a/latest.pt --test_path=/data/acamp/acamp20k/acamp500_static3a_train_inverted.txt

CUDA_VISIBLE_DEVICES=1 python3 ../tf_api/tf_api_eval.py labels_path=../tf_api/data/wildlife_label_map_20k3a.pbtxt n_frames=0 show_img=0 n_classes=3 eval_every=0 root_dir=/data/acamp/acamp20k seq_paths=../tf_api/acamp_static_3_class.txt sleep_time=10 write_summary=1 save_det=1 load_det=1 load_dir=yolov3_weights/acamp500_static3a/latest_on_acamp500_static3a_train_inverted/ load_samples=1 load_samples_root=/data/acamp/acamp20k/acamp500_static3a_train_inverted score_thresholds=0:1:0.001

class_agnostic @ latest/acamp500_static3a/test

CUDA_VISIBLE_DEVICES=1 python3 ../tf_api/tf_api_eval.py labels_path=../tf_api/data/wildlife_label_map_20k3a.pbtxt n_frames=0 show_img=0 n_classes=3 eval_every=0 root_dir=/data/acamp/acamp20k seq_paths=../tf_api/acamp_static_3_class.txt sleep_time=10 write_summary=1 save_det=1 load_det=1 load_dir=yolov3_weights/acamp500_static3a/latest_on_acamp500_static3a_train_inverted/ load_samples=1 load_samples_root=/data/acamp/acamp20k/acamp500_static3a_train_inverted score_thresholds=0:1:0.001 class_agnostic=1

acamp20K_vid3a @ test

acamp200_static3a_sampled_train_inverted @ acamp20K_vid3a/test

best_206 @ acamp200_static3a_sampled_train_inverted/acamp20K_vid3a/test

CUDA_VISIBLE_DEVICES=2 python3 yolov3_test.py --data_cfg=cfg/acamp20K_vid3a.txt --net_cfg=cfg/acamp20K_vid3a.cfg --batch_size=32 --weights=yolov3_weights/acamp20K_vid3a/best_206.pt --test_path=/data/acamp/acamp20k/acamp200_static3a_sampled_train_inverted.txt

CUDA_VISIBLE_DEVICES=2 python3 ../tf_api/tf_api_eval.py labels_path=../tf_api/data/wildlife_label_map_20k3a.pbtxt n_frames=0 show_img=0 n_classes=3 eval_every=0 root_dir=/data/acamp/acamp20k seq_paths=../tf_api/acamp_static_3_class.txt sleep_time=10 write_summary=1 save_det=1 load_det=1 load_dir=yolov3_weights/acamp20K_vid3a/best_206_on_acamp200_static3a_sampled_train_inverted/ --load_samples=1 load_samples_root=/data/acamp/acamp20k/acamp200_static3a_sampled_train_inverted score_thresholds=0:1:0.001

latest @ acamp200_static3a_sampled_train_inverted/acamp20K_vid3a/test

CUDA_VISIBLE_DEVICES=2 python3 yolov3_test.py --data_cfg=cfg/acamp20K_vid3a.txt --net_cfg=cfg/acamp20K_vid3a.cfg --batch_size=32 --weights=yolov3_weights/acamp20K_vid3a/latest.pt --test_path=/data/acamp/acamp20k/acamp200_static3a_sampled_train_inverted.txt

CUDA_VISIBLE_DEVICES=2 python3 ../tf_api/tf_api_eval.py labels_path=../tf_api/data/wildlife_label_map_20k3a.pbtxt n_frames=0 show_img=0 n_classes=3 eval_every=0 root_dir=/data/acamp/acamp20k seq_paths=../tf_api/acamp_static_3_class.txt sleep_time=10 write_summary=1 save_det=1 load_det=1 load_dir=yolov3_weights/acamp20K_vid3a/latest_on_acamp200_static3a_sampled_train_inverted/ load_samples=1 load_samples_root=/data/acamp/acamp20k/acamp200_static3a_sampled_train_inverted score_thresholds=0:1:0.001

all_static @ acamp20K_vid3a/test

best_206 @ all_static/acamp20K_vid3a/test

CUDA_VISIBLE_DEVICES=2 python3 yolov3_test.py --data_cfg=cfg/acamp20K_vid3a.txt --net_cfg=cfg/acamp20K_vid3a.cfg --batch_size=32 --weights=yolov3_weights/acamp20K_vid3a/best_206.pt --test_path=/data/acamp/acamp20k/all_static_3_class.txt

CUDA_VISIBLE_DEVICES=2 python3 ../tf_api/tf_api_eval.py labels_path=../tf_api/data/wildlife_label_map_20k3a.pbtxt n_frames=0 show_img=0 n_classes=3 eval_every=0 root_dir=/data/acamp/acamp20k seq_paths=../tf_api/acamp_static_3_class.txt sleep_time=10 write_summary=1 save_det=1 load_det=1 load_dir=yolov3_weights/acamp20K_vid3a/best_206_on_all_static_3_class/ --load_samples=1 load_samples_root=/data/acamp/acamp20k/all_static_3_class score_thresholds=0:1:0.001

latest @ all_static/acamp20K_vid3a/test

CUDA_VISIBLE_DEVICES=1 python3 yolov3_test.py --data_cfg=cfg/acamp20K_vid3a.txt --net_cfg=cfg/acamp20K_vid3a.cfg --batch_size=24 --weights=yolov3_weights/acamp20K_vid3a/latest.pt --test_path=/data/acamp/acamp20k/all_static_3_class.txt

CUDA_VISIBLE_DEVICES=1 python3 ../tf_api/tf_api_eval.py labels_path=../tf_api/data/wildlife_label_map_20k3a.pbtxt n_frames=0 show_img=0 n_classes=3 eval_every=0 root_dir=/data/acamp/acamp20k seq_paths=../tf_api/acamp_static_3_class.txt sleep_time=10 write_summary=1 save_det=1 load_det=1 load_dir=yolov3_weights/acamp20K_vid3a/latest_on_all_static_3_class/ load_samples=1 load_samples_root=/data/acamp/acamp20k/all_static_3_class score_thresholds=0:1:0.001

class_agnostic @ latest/all_static/acamp20K_vid3a/test

CUDA_VISIBLE_DEVICES=1 python3 ../tf_api/tf_api_eval.py labels_path=../tf_api/data/wildlife_label_map_20k3a.pbtxt n_frames=0 show_img=0 n_classes=3 eval_every=0 root_dir=/data/acamp/acamp20k seq_paths=../tf_api/acamp_static_3_class.txt sleep_time=10 write_summary=1 save_det=1 load_det=1 load_dir=yolov3_weights/acamp20K_vid3a/latest_on_all_static_3_class/ load_samples=1 load_samples_root=/data/acamp/acamp20k/all_static_3_class score_thresholds=0:1:0.001 class_agnostic=1

20K_vid4a @ test

p1_4_class_a_h_3_frg_per_bkg_inv @ 20K_vid4a/test

CUDA_VISIBLE_DEVICES=2 python3 yolov3_test.py --data_cfg=cfg/acamp20K_vid4a.txt --net_cfg=cfg/acamp20K_vid4a.cfg --batch_size=32 --weights=yolov3_weights/acamp20K_vid4a_mp/latest.pt --test_path=/data/acamp/acamp20k/p1_4_class_a_h_3_frg_per_bkg_inv.txt

CUDA_VISIBLE_DEVICES=1 python3 ../tf_api/tf_api_eval.py labels_path=../tf_api/data/wildlife_label_map_20k4.pbtxt n_frames=0 show_img=0 n_classes=4 eval_every=0 root_dir=/data/acamp/acamp20k/prototype_1 seq_paths=../tf_api/p1_a_h_4_class.txt sleep_time=10 write_summary=1 save_det=1 load_det=1 load_dir=yolov3_weights/acamp20K_vid4a_mp/latest_on_p1_4_class_a_h_3_frg_per_bkg_inv/ load_samples=1 load_samples_root=/data/acamp/acamp20k/p1_4_class_a_h_3_frg_per_bkg_inv score_thresholds=0:1:0.001

1_per_seq_6_class_vid_67 @ test

1_5_10_per_seq_6_class_vid_67_inverted @ 1_per_seq_6_class_vid_67/test

CUDA_VISIBLE_DEVICES=2 python3 yolov3_test.py --data_cfg=cfg/1_per_seq_6_class_vid_67.txt --net_cfg=cfg/1_per_seq_6_class_vid_67.cfg --batch_size=24 --weights=yolov3_weights/1_per_seq_6_class_vid_67_24/latest.pt --test_path=/data/acamp/acamp20k/1_5_10_per_seq_6_class_vid_67_inverted.txt

CUDA_VISIBLE_DEVICES=1 python3 ../tf_api/tf_api_eval.py labels_path=../tf_api/data/wildlife_label_map_20k6.pbtxt n_frames=0 show_img=0 n_classes=6 eval_every=0 root_dir=/data/acamp/acamp20k seq_paths=../tf_api/acamp_all_6_class_video_67.txt random_sampling=0 sleep_time=10 write_summary=1 save_det=1 load_det=1 load_dir=yolov3_weights/1_per_seq_6_class_vid_67_24/latest_on_1_5_10_per_seq_6_class_vid_67_inverted/ load_samples=1 load_samples_root=/data/acamp/acamp20k/1_5_10_per_seq_6_class_vid_67_inverted score_thresholds=0:1:0.001

bear_1_1 @ 1_5_10_per_seq_6_class_vid_67_inverted/1_per_seq_6_class_vid_67/test

CUDA_VISIBLE_DEVICES=2 python3 yolov3_test.py --data_cfg=cfg/1_per_seq_6_class_vid_67.txt --net_cfg=cfg/1_per_seq_6_class_vid_67.cfg --batch_size=24 --weights=yolov3_weights/1_per_seq_6_class_vid_67_24/latest.pt --test_path=/data/acamp/acamp20k/1_5_10_per_seq_6_class_bear_1_1_inverted.txt --vis=1

nms_type_SOFT @ 1_5_10_per_seq_6_class_vid_67_inverted/1_per_seq_6_class_vid_67/test

CUDA_VISIBLE_DEVICES=2 python3 yolov3_test.py --data_cfg=cfg/1_per_seq_6_class_vid_67.txt --net_cfg=cfg/1_per_seq_6_class_vid_67.cfg --batch_size=24 --weights=yolov3_weights/1_per_seq_6_class_vid_67_24/latest.pt --test_path=/data/acamp/acamp20k/1_5_10_per_seq_6_class_vid_67_inverted.txt --nms_type=SOFT --out_suffix=nms_type_SOFT

CUDA_VISIBLE_DEVICES=1 python3 ../tf_api/tf_api_eval.py labels_path=../tf_api/data/wildlife_label_map_20k6.pbtxt n_frames=0 show_img=0 n_classes=6 eval_every=0 root_dir=/data/acamp/acamp20k seq_paths=../tf_api/acamp_all_6_class_video_67.txt random_sampling=0 sleep_time=10 write_summary=1 save_det=1 load_det=1 load_dir=yolov3_weights/1_per_seq_6_class_vid_67_24/latest_nms_type_SOFT_on_1_5_10_per_seq_6_class_vid_67_inverted/ load_samples=1 load_samples_root=/data/acamp/acamp20k/1_5_10_per_seq_6_class_vid_67_inverted score_thresholds=0:1:0.001

1_2_5_10_per_seq_6_class_vid_67_inverted @ 1_per_seq_6_class_vid_67/test

CUDA_VISIBLE_DEVICES=2 python3 yolov3_test.py --data_cfg=cfg/1_per_seq_6_class_vid_67.txt --net_cfg=cfg/1_per_seq_6_class_vid_67.cfg --batch_size=24 --weights=yolov3_weights/1_per_seq_6_class_vid_67_24/latest.pt --test_path=/data/acamp/acamp20k/1_2_5_10_per_seq_6_class_vid_67_inverted.txt

CUDA_VISIBLE_DEVICES=1 python3 ../tf_api/tf_api_eval.py labels_path=../tf_api/data/wildlife_label_map_20k6.pbtxt n_frames=0 show_img=0 n_classes=6 eval_every=0 root_dir=/data/acamp/acamp20k seq_paths=../tf_api/acamp_all_6_class_video_67.txt random_sampling=0 sleep_time=10 write_summary=1 save_det=1 load_det=1 load_dir=yolov3_weights/1_per_seq_6_class_vid_67_24/latest_on_1_2_5_10_per_seq_6_class_vid_67_inverted/ load_samples=1 load_samples_root=/data/acamp/acamp20k/1_2_5_10_per_seq_6_class_vid_67_inverted score_thresholds=0:1:0.001

2_per_seq_6_class_vid_67 @ test

1_2_5_10_per_seq_6_class_vid_67_inverted @ 2_per_seq_6_class_vid_67/test

CUDA_VISIBLE_DEVICES=2 python3 yolov3_test.py --data_cfg=cfg/2_per_seq_6_class_vid_67.txt --net_cfg=cfg/2_per_seq_6_class_vid_67.cfg --batch_size=24 --weights=yolov3_weights/2_per_seq_6_class_vid_67_24/latest.pt --test_path=/data/acamp/acamp20k/1_2_5_10_per_seq_6_class_vid_67_inverted.txt

CUDA_VISIBLE_DEVICES=2 python3 ../tf_api/tf_api_eval.py labels_path=../tf_api/data/wildlife_label_map_20k6.pbtxt n_frames=0 show_img=0 n_classes=6 eval_every=0 root_dir=/data/acamp/acamp20k seq_paths=../tf_api/acamp_all_6_class_video_67.txt random_sampling=0 sleep_time=10 write_summary=1 save_det=1 load_det=1 load_dir=yolov3_weights/2_per_seq_6_class_vid_67_24/latest_on_1_2_5_10_per_seq_6_class_vid_67_inverted/ load_samples=1 load_samples_root=/data/acamp/acamp20k/1_2_5_10_per_seq_6_class_vid_67_inverted score_thresholds=0:1:0.001

5_per_seq_6_class_vid_67 @ test

1_5_10_per_seq_6_class_vid_67_inverted @ 5_per_seq_6_class_vid_67/test

CUDA_VISIBLE_DEVICES=0 python3 yolov3_test.py --data_cfg=cfg/5_per_seq_6_class_vid_67.txt --net_cfg=cfg/5_per_seq_6_class_vid_67.cfg --batch_size=24 --weights=yolov3_weights/5_per_seq_6_class_vid_67_24/latest.pt --test_path=/data/acamp/acamp20k/1_5_10_per_seq_6_class_vid_67_inverted.txt

CUDA_VISIBLE_DEVICES=1 python3 ../tf_api/tf_api_eval.py labels_path=../tf_api/data/wildlife_label_map_20k6.pbtxt n_frames=0 show_img=0 n_classes=6 eval_every=0 root_dir=/data/acamp/acamp20k seq_paths=../tf_api/acamp_all_6_class_video_67.txt random_sampling=0 sleep_time=10 write_summary=1 save_det=1 load_det=1 load_dir=yolov3_weights/5_per_seq_6_class_vid_67_24/latest_on_1_5_10_per_seq_6_class_vid_67_inverted/ load_samples=1 load_samples_root=/data/acamp/acamp20k/1_5_10_per_seq_6_class_vid_67_inverted score_thresholds=0:1:0.001

1_2_5_10_per_seq_6_class_vid_67_inverted @ 5_per_seq_6_class_vid_67/test

CUDA_VISIBLE_DEVICES=0 python3 yolov3_test.py --data_cfg=cfg/5_per_seq_6_class_vid_67.txt --net_cfg=cfg/5_per_seq_6_class_vid_67.cfg --batch_size=24 --weights=yolov3_weights/5_per_seq_6_class_vid_67_24/latest.pt --test_path=/data/acamp/acamp20k/1_2_5_10_per_seq_6_class_vid_67_inverted.txt

CUDA_VISIBLE_DEVICES=2 python3 ../tf_api/tf_api_eval.py labels_path=../tf_api/data/wildlife_label_map_20k6.pbtxt n_frames=0 show_img=0 n_classes=6 eval_every=0 root_dir=/data/acamp/acamp20k seq_paths=../tf_api/acamp_all_6_class_video_67.txt random_sampling=0 sleep_time=10 write_summary=1 save_det=1 load_det=1 load_dir=yolov3_weights/5_per_seq_6_class_vid_67_24/latest_on_1_2_5_10_per_seq_6_class_vid_67_inverted/ load_samples=1 load_samples_root=/data/acamp/acamp20k/1_2_5_10_per_seq_6_class_vid_67_inverted score_thresholds=0:1:0.001

10_per_seq_6_class_vid_67 @ test

1_5_10_per_seq_6_class_vid_67_inverted @ 10_per_seq_6_class_vid_67/test

CUDA_VISIBLE_DEVICES=1 python3 yolov3_test.py --data_cfg=cfg/10_per_seq_6_class_vid_67.txt --net_cfg=cfg/10_per_seq_6_class_vid_67.cfg --batch_size=24 --weights=yolov3_weights/10_per_seq_6_class_vid_67_24/latest.pt --test_path=/data/acamp/acamp20k/1_5_10_per_seq_6_class_vid_67_inverted.txt

CUDA_VISIBLE_DEVICES=1 python3 ../tf_api/tf_api_eval.py labels_path=../tf_api/data/wildlife_label_map_20k6.pbtxt n_frames=0 show_img=0 n_classes=6 eval_every=0 root_dir=/data/acamp/acamp20k seq_paths=../tf_api/acamp_all_6_class_video_67.txt random_sampling=0 sleep_time=10 write_summary=1 save_det=1 load_det=1 load_dir=yolov3_weights/10_per_seq_6_class_vid_67_24/latest_on_1_5_10_per_seq_6_class_vid_67_inverted/ load_samples=1 load_samples_root=/data/acamp/acamp20k/1_5_10_per_seq_6_class_vid_67_inverted score_thresholds=0:1:0.001

1_2_5_10_per_seq_6_class_vid_67_inverted @ 10_per_seq_6_class_vid_67/test

CUDA_VISIBLE_DEVICES=1 python3 yolov3_test.py --data_cfg=cfg/10_per_seq_6_class_vid_67.txt --net_cfg=cfg/10_per_seq_6_class_vid_67.cfg --batch_size=24 --weights=yolov3_weights/10_per_seq_6_class_vid_67_24/latest.pt --test_path=/data/acamp/acamp20k/1_2_5_10_per_seq_6_class_vid_67_inverted.txt

CUDA_VISIBLE_DEVICES=1 python3 ../tf_api/tf_api_eval.py labels_path=../tf_api/data/wildlife_label_map_20k6.pbtxt n_frames=0 show_img=0 n_classes=6 eval_every=0 root_dir=/data/acamp/acamp20k seq_paths=../tf_api/acamp_all_6_class_video_67.txt random_sampling=0 sleep_time=10 write_summary=1 save_det=1 load_det=1 load_dir=yolov3_weights/10_per_seq_6_class_vid_67_24/latest_on_1_2_5_10_per_seq_6_class_vid_67_inverted/ load_samples=1 load_samples_root=/data/acamp/acamp20k/1_2_5_10_per_seq_6_class_vid_67_inverted score_thresholds=0:1:0.001

acamp20k6_5 @ test

inverted @ acamp20k6_5/test

CUDA_VISIBLE_DEVICES=0 python3 yolov3_test.py --data_cfg=cfg/acamp20k6_5.txt --net_cfg=cfg/acamp20k6_5.cfg --batch_size=48 --weights=yolov3_weights/acamp20k6_5_24/backup270.pt --test_path=/data/acamp/acamp20k/acamp20k6_5_inverted_yolov3_pt.txt

CUDA_VISIBLE_DEVICES=1 python3 ../tf_api/tf_api_eval.py labels_path=../tf_api/data/wildlife_label_map_20k6.pbtxt n_frames=0 show_img=0 n_classes=6 eval_every=0 root_dir=/data/acamp/acamp20k seq_paths=../tf_api/acamp_all_6_class.txt random_sampling=0 sleep_time=10 write_summary=1 save_det=1 load_det=1 load_dir=yolov3_weights/acamp20k6_5_24/backup270_on_acamp20k6_5_inverted_yolov3_pt/ load_samples=1 load_samples_root=/data/acamp/acamp20k/acamp20k6_5_inverted score_thresholds=0:1:0.001 n_threads=8

only_video @ inverted/acamp20k6_5/test

CUDA_VISIBLE_DEVICES=1 python3 ../tf_api/tf_api_eval.py labels_path=../tf_api/data/wildlife_label_map_20k6.pbtxt n_frames=0 show_img=0 n_classes=6 eval_every=0 root_dir=/data/acamp/acamp20k seq_paths=../tf_api/acamp_all_6_class_video.txt random_sampling=0 sleep_time=10 write_summary=1 save_det=1 load_det=1 load_dir=yolov3_weights/acamp20k6_5_24/backup270_on_acamp20k6_5_inverted_yolov3_pt/ load_samples=1 load_samples_root=/data/acamp/acamp20k/acamp20k6_5_inv_only_vid out_postfix=inv_only_vid score_thresholds=0:1:0.001

nms_type_or @ inverted/acamp20k6_5/test

CUDA_VISIBLE_DEVICES=0 python3 yolov3_test.py --data_cfg=cfg/acamp20k6_5.txt --net_cfg=cfg/acamp20k6_5.cfg --batch_size=1 --weights=yolov3_weights/acamp20k6_5_24/backup270.pt --test_path=/data/acamp/acamp20k/acamp20k6_5_inverted_yolov3_pt.txt nms_type='or' save_dir=backup270_nms_type_or_on_20k6_5_inverted

CUDA_VISIBLE_DEVICES=1 python3 ../tf_api/tf_api_eval.py labels_path=../tf_api/data/wildlife_label_map_20k6.pbtxt n_frames=0 show_img=0 n_classes=6 eval_every=0 root_dir=/data/acamp/acamp20k seq_paths=../tf_api/acamp_all_6_class.txt random_sampling=0 sleep_time=10 write_summary=1 save_det=1 load_det=1 load_dir=yolov3_weights/acamp20k6_5_24/backup270_nms_type_or_on_20k6_5_inverted/ load_samples=1 load_samples_root=/data/acamp/acamp20k/acamp20k6_5_inverted score_thresholds=0:1:0.001

coyote_jesse_1_1 @ inverted/acamp20k6_5/test

CUDA_VISIBLE_DEVICES=2 python3 yolov3_test.py --data_cfg=cfg/acamp20k6_5.txt --net_cfg=cfg/acamp20k6_5.cfg --batch_size=24 --weights=yolov3_weights/acamp20k6_5_24/backup270.pt --test_path=/data/acamp/acamp20k/coyote_jesse_1_1_5_inverted_yolov3_pt.txt

acamp20k6_1_from_end @ acamp20k6_5/test

CUDA_VISIBLE_DEVICES=1 python3 yolov3_test.py --data_cfg=cfg/acamp20k6_5.txt --net_cfg=cfg/acamp20k6_5.cfg --batch_size=24 --weights=yolov3_weights/acamp20k6_5_24/backup270.pt --test_path=/data/acamp/acamp20k/acamp20k6_1_from_end.txt

acamp20k6_5_tracking @ test

inverted_video @ acamp20k6_5_tracking/test

CUDA_VISIBLE_DEVICES=0 python3 yolov3_test.py --data_cfg=cfg/acamp20k6_5.txt --net_cfg=cfg/acamp20k6_5.cfg --batch_size=1 --weights=yolov3_weights/acamp20k6_5_24/backup270.pt --test_path=/data/acamp/acamp20k/acamp20k6_5_video_inverted_yolov3_pt.txt --use_tracking=1 --conf_thresh=0.03 --track_thresh=0.5 --assoc_thresh=0.1 --nms_thresh=0.1

CUDA_VISIBLE_DEVICES=0 python3 yolov3_test.py --data_cfg=cfg/acamp20k6_5.txt --net_cfg=cfg/acamp20k6_5.cfg --batch_size=1 --weights=yolov3_weights/acamp20k6_5_24/backup270.pt --test_path=/data/acamp/acamp20k/acamp20k6_5_video_inverted_yolov3_pt.txt --use_tracking=1 --conf_thresh=0.03 --track_thresh=0.5 --assoc_thresh=0.1 --nms_thresh=0.1

CUDA_VISIBLE_DEVICES=1 python3 ../tf_api/tf_api_eval.py labels_path=../tf_api/data/wildlife_label_map_20k6.pbtxt n_frames=0 show_img=0 n_classes=6 eval_every=0 root_dir=/data/acamp/acamp20k seq_paths=../tf_api/acamp_all_6_class_video.txt random_sampling=0 sleep_time=10 write_summary=1 save_det=1 load_det=1 load_dir=yolov3_weights/acamp20k6_5_24/backup270_on_acamp20k6_5_video_inverted_yolov3_pt load_samples=1 load_samples_root=/data/acamp/acamp20k/acamp20k6_5_video_inverted score_thresholds=0:1:0.001

bear_10_3 @ acamp20k6_5_tracking/test

CUDA_VISIBLE_DEVICES=2 python3 yolov3_test.py --data_cfg=cfg/acamp20k6_5.txt --net_cfg=cfg/acamp20k6_5.cfg --batch_size=1 --weights=yolov3_weights/acamp20k6_5_24/backup270.pt --test_path=/data/acamp/acamp20k/acamp20k6_5_bear_10_3_inverted_yolov3_pt.txt --use_tracking=1 --conf_thresh=0.001 --track_thresh=0.5 --assoc_thresh=0.1 --nms_thresh=0.1 --unassoc_thresh=10 --track_diff=10 --vis=1

bear_1_1 @ acamp20k6_5_tracking/test

CUDA_VISIBLE_DEVICES=2 python3 yolov3_test.py --data_cfg=cfg/acamp20k6_5.txt --net_cfg=cfg/acamp20k6_5.cfg --batch_size=1 --weights=yolov3_weights/acamp20k6_5_24/backup270.pt --test_path=/data/acamp/acamp20k/acamp20k6_5_bear_1_1_inverted_yolov3_pt.txt --use_tracking=1 --conf_thresh=0.03 --track_thresh=0.5 --assoc_thresh=0.1 --nms_thresh=0.1

no_tracking @ bear_1_1/acamp20k6_5_tracking/test

CUDA_VISIBLE_DEVICES=2 python3 yolov3_test.py --data_cfg=cfg/acamp20k6_5.txt --net_cfg=cfg/acamp20k6_5.cfg --batch_size=1 --weights=yolov3_weights/acamp20k6_5_24/backup270.pt --test_path=/data/acamp/acamp20k/acamp20k6_5_bear_1_1_inverted_yolov3_pt.txt --conf_thresh=0.03 --track_thresh=0.5 --assoc_thresh=0.1 --nms_thresh=0.1 --use_tracking=0

acamp20k6_5_rt @ test

inverted @ acamp20k6_5_rt/test

best_84 @ inverted/acamp20k6_5_rt/test

CUDA_VISIBLE_DEVICES=1 python3 yolov3_test.py --data_cfg=cfg/acamp20k6_5.txt --net_cfg=cfg/acamp20k6_5.cfg --batch_size=24 --weights=yolov3_weights/acamp20k6_5_24_rt/best_84.pt --test_path=/data/acamp/acamp20k/acamp20k6_5_inverted_yolov3_pt.txt

CUDA_VISIBLE_DEVICES=1 python3 ../tf_api/tf_api_eval.py labels_path=../tf_api/data/wildlife_label_map_20k6.pbtxt n_frames=0 show_img=0 n_classes=6 eval_every=0 root_dir=/data/acamp/acamp20k seq_paths=../tf_api/acamp_all_6_class.txt random_sampling=0 sleep_time=10 write_summary=1 save_det=1 load_det=1 load_dir=yolov3_weights/acamp20k6_5_24_rt/best_84_on_acamp20k6_5_inverted_yolov3_pt/ --load_samples=1 load_samples_root=/data/acamp/acamp20k/acamp20k6_5_inverted

latest.pt @ inverted/acamp20k6_5_rt/test

CUDA_VISIBLE_DEVICES=2 python3 yolov3_test.py --data_cfg=cfg/acamp20k6_5.txt --net_cfg=cfg/acamp20k6_5.cfg --batch_size=24 --weights=yolov3_weights/acamp20k6_5_24_rt/latest.pt --test_path=/data/acamp/acamp20k/acamp20k6_5_inverted_yolov3_pt.txt

CUDA_VISIBLE_DEVICES=1 python3 ../tf_api/tf_api_eval.py labels_path=../tf_api/data/wildlife_label_map_20k6.pbtxt n_frames=0 show_img=0 n_classes=6 eval_every=0 root_dir=/data/acamp/acamp20k seq_paths=../tf_api/acamp_all_6_class.txt random_sampling=0 sleep_time=10 write_summary=1 save_det=1 load_det=1 load_dir=yolov3_weights/acamp20k6_5_24_rt/latest_on_acamp20k6_5_inverted_yolov3_pt/ --load_samples=1 load_samples_root=/data/acamp/acamp20k/acamp20k6_5_inverted --show_animation=1 --save_animation=1 --save_file_res=1280x720

acamp20k6_5_4_ms @ test

inverted @ acamp20k6_5_4_ms/test

best @ inverted/acamp20k6_5_4_ms/test

CUDA_VISIBLE_DEVICES=0 python3 yolov3_test.py --data_cfg=cfg/acamp20k6_5.txt --net_cfg=cfg/acamp20k6_5.cfg --batch_size=24 --weights=yolov3_weights/acamp20k6_5_4_ms/best.pt --test_path=/data/acamp/acamp20k/acamp20k6_5_inverted_yolov3_pt.txt

CUDA_VISIBLE_DEVICES=1 python3 ../tf_api/tf_api_eval.py labels_path=../tf_api/data/wildlife_label_map_20k6.pbtxt n_frames=0 show_img=0 n_classes=6 eval_every=0 root_dir=/data/acamp/acamp20k seq_paths=../tf_api/acamp_all_6_class.txt random_sampling=0 sleep_time=10 write_summary=1 save_det=1 load_det=1 load_dir=yolov3_weights/acamp20k6_5_4_ms/best_on_acamp20k6_5_inverted_yolov3_pt/ --load_samples=1 load_samples_root=/data/acamp/acamp20k/acamp20k6_5_inverted

acamp20k6_5_no_spp @ test

inverted @ acamp20k6_5_no_spp/test

best_264 @ inverted/acamp20k6_5_no_spp/test

CUDA_VISIBLE_DEVICES=0 python3 yolov3_test.py --data_cfg=cfg/acamp20k6_5_no_spp.txt --net_cfg=cfg/acamp20k6_5_no_spp.cfg --batch_size=24 --weights=yolov3_weights/acamp20k6_5_no_spp_24/best_264.pt --test_path=/data/acamp/acamp20k/acamp20k6_5_inverted_yolov3_pt.txt

CUDA_VISIBLE_DEVICES=0 python3 ../tf_api/tf_api_eval.py labels_path=../tf_api/data/wildlife_label_map_20k6.pbtxt n_frames=0 show_img=0 n_classes=6 eval_every=0 root_dir=/data/acamp/acamp20k seq_paths=../tf_api/acamp_all_6_class.txt random_sampling=0 sleep_time=10 write_summary=1 save_det=1 load_det=1 load_dir=yolov3_weights/acamp20k6_5_no_spp_24/best_264_on_acamp20k6_5_inverted_yolov3_pt/ load_samples=1 load_samples_root=/data/acamp/acamp20k/acamp20k6_5_inverted score_thresholds=0:1:0.001

latest @ inverted/acamp20k6_5_no_spp/test

CUDA_VISIBLE_DEVICES=2 python3 yolov3_test.py --data_cfg=cfg/acamp20k6_5_no_spp.txt --net_cfg=cfg/acamp20k6_5_no_spp.cfg --batch_size=24 --weights=yolov3_weights/acamp20k6_5_no_spp_24/latest.pt --test_path=/data/acamp/acamp20k/acamp20k6_5_inverted_yolov3_pt.txt

CUDA_VISIBLE_DEVICES=0 python3 ../tf_api/tf_api_eval.py labels_path=../tf_api/data/wildlife_label_map_20k6.pbtxt n_frames=0 show_img=0 n_classes=6 eval_every=0 root_dir=/data/acamp/acamp20k seq_paths=../tf_api/acamp_all_6_class.txt random_sampling=0 sleep_time=10 write_summary=1 save_det=1 load_det=1 load_dir=yolov3_weights/acamp20k6_5_no_spp_24/latest_on_acamp20k6_5_inverted_yolov3_pt/ load_samples=1 load_samples_root=/data/acamp/acamp20k/acamp20k6_5_inverted score_thresholds=0:1:0.001

acamp_1_per_class_6_class @ inverted/acamp20k6_5_no_spp/test

CUDA_VISIBLE_DEVICES=0 python3 ../tf_api/tf_api_eval.py labels_path=../tf_api/data/wildlife_label_map_20k6.pbtxt n_frames=0 show_img=0 n_classes=6 eval_every=0 root_dir=/data/acamp/acamp20k seq_paths=../tf_api/acamp_1_per_class_6_class.txt random_sampling=0 sleep_time=10 write_summary=1 save_det=1 load_det=1 load_dir=yolov3_weights/acamp20k6_5_no_spp_24/best_264_on_acamp20k6_5_inverted_yolov3_pt/ load_samples=1 load_samples_root=/data/acamp/acamp20k/acamp20k6_5_inverted

CUDA_VISIBLE_DEVICES=0 python3 ../tf_api/tf_api_eval.py labels_path=../tf_api/data/wildlife_label_map_20k6.pbtxt n_frames=0 show_img=0 n_classes=6 eval_every=0 root_dir=/data/acamp/acamp20k seq_paths=../tf_api/acamp_1_per_class_6_class.txt random_sampling=0 sleep_time=10 write_summary=1 save_det=1 load_det=1 load_dir=yolov3_weights/acamp20k6_5_no_spp_24/best_264_on_acamp20k6_5_inverted_yolov3_pt/ load_samples=1 load_samples_root=/data/acamp/acamp20k/acamp20k6_5_inverted combine_sequences=1

acamp20k6_60 @ test

inverted @ acamp20k6_60/test

CUDA_VISIBLE_DEVICES=0 python3 yolov3_test.py --data_cfg=cfg/acamp20k6_60.txt --net_cfg=cfg/acamp20k6_60.cfg --batch_size=48 --weights=yolov3_weights/acamp20k6_60_24/best_91.pt --test_path=/data/acamp/acamp20k/acamp20k6_60_inverted_yolov3_pt.txt

CUDA_VISIBLE_DEVICES=1 python3 ../tf_api/tf_api_eval.py labels_path=../tf_api/data/wildlife_label_map_20k6.pbtxt n_frames=0 show_img=0 n_classes=6 eval_every=0 root_dir=/data/acamp/acamp20k seq_paths=../tf_api/acamp_all_6_class.txt random_sampling=0 sleep_time=10 write_summary=1 save_det=1 load_det=1 load_dir=yolov3_weights/acamp20k6_60_24/best_91_on_acamp20k6_60_inverted_yolov3_pt/ load_samples=1 load_samples_root=/data/acamp/acamp20k/acamp20k6_60_inverted

show_img @ inverted/acamp20k6_60/test

CUDA_VISIBLE_DEVICES=1 python3 ../tf_api/tf_api_eval.py labels_path=../tf_api/data/wildlife_label_map_20k6.pbtxt n_frames=0 show_img=0 n_classes=6 eval_every=0 root_dir=/data/acamp/acamp20k seq_paths=../tf_api/acamp_all_6_class.txt random_sampling=0 sleep_time=10 write_summary=1 save_det=1 load_det=1 load_dir=yolov3_weights/acamp20k6_60_24/best_91_on_acamp20k6_60_inverted_yolov3_pt/ load_samples=1 load_samples_root=/data/acamp/acamp20k/acamp20k6_60_inverted show_img=0 eval_every=0 show_animation=0

acamp20k6_60_no_spp @ test

inverted @ acamp20k6_60_no_spp/test

CUDA_VISIBLE_DEVICES=2 python3 yolov3_test.py --data_cfg=cfg/acamp20k6_60_no_spp.txt --net_cfg=cfg/acamp20k6_60_no_spp.cfg --batch_size=40 --weights=yolov3_weights/acamp20k6_60_no_spp_24/best_51.pt --test_path=/data/acamp/acamp20k/acamp20k6_60_inverted_yolov3_pt.txt

CUDA_VISIBLE_DEVICES=1 python3 ../tf_api/tf_api_eval.py labels_path=../tf_api/data/wildlife_label_map_20k6.pbtxt n_frames=0 show_img=0 n_classes=6 eval_every=0 root_dir=/data/acamp/acamp20k seq_paths=../tf_api/acamp_all_6_class.txt random_sampling=0 sleep_time=10 write_summary=1 save_det=1 load_det=1 load_dir=yolov3_weights/acamp20k6_60_no_spp_24/best_51_on_acamp20k6_60_inverted_yolov3_pt/ load_samples=seq_to_samples.txt load_samples_root=/data/acamp/acamp20k/acamp20k6_60_inverted score_thresholds=0:1:0.001

show_img @ inverted/acamp20k6_60_no_spp/test

CUDA_VISIBLE_DEVICES=1 python3 ../tf_api/tf_api_eval.py labels_path=../tf_api/data/wildlife_label_map_20k6.pbtxt n_frames=0 show_img=0 n_classes=6 eval_every=0 root_dir=/data/acamp/acamp20k seq_paths=../tf_api/acamp_all_6_class.txt random_sampling=0 sleep_time=10 write_summary=1 save_det=1 load_det=1 load_dir=yolov3_weights/acamp20k6_60_no_spp_24/best_51_on_acamp20k6_60_inverted_yolov3_pt/ load_samples=1 load_samples_root=/data/acamp/acamp20k/acamp20k6_60_inverted show_img=1 eval_every=-1

acamp10k6_entire_seq @ test

standard @ acamp10k6_entire_seq/test

inverted @ standard/acamp10k6_entire_seq/test

CUDA_VISIBLE_DEVICES=0 python3 yolov3_test.py --data_cfg=cfg/acamp10k6_entire_seq.txt --net_cfg=cfg/acamp10k6_entire_seq.cfg --batch_size=24 --weights=yolov3_weights/acamp10k6_entire_seq_24/latest.pt --test_path=/data/acamp/acamp20k/acamp10k6_entire_seq_inv.txt

CUDA_VISIBLE_DEVICES=1 python3 ../tf_api/tf_api_eval.py labels_path=../tf_api/data/wildlife_label_map_20k6.pbtxt n_frames=0 show_img=0 n_classes=6 eval_every=0 root_dir=/data/acamp/acamp20k seq_paths=../tf_api/acamp_all_6_class.txt random_sampling=0 sleep_time=10 write_summary=1 save_det=1 load_det=1 load_dir=yolov3_weights/acamp20k6_60_no_spp_24/best_51_on_acamp20k6_60_inverted_yolov3_pt/ load_samples=seq_to_samples.txt load_samples_root=/data/acamp/acamp20k/acamp20k6_60_inverted score_thresholds=0:1:0.001

mixed_precision @ acamp10k6_entire_seq/test

inverted @ mixed_precision/acamp10k6_entire_seq/test

CUDA_VISIBLE_DEVICES=0 python3 yolov3_test.py --data_cfg=cfg/acamp10k6_entire_seq.txt --net_cfg=cfg/acamp10k6_entire_seq.cfg --batch_size=24 --weights=yolov3_weights/acamp10k6_entire_seq_mp_24/latest.pt --test_path=/data/acamp/acamp20k/acamp10k6_entire_seq_inv.txt

CUDA_VISIBLE_DEVICES=1 python3 ../tf_api/tf_api_eval.py labels_path=../tf_api/data/wildlife_label_map_20k6.pbtxt n_frames=0 show_img=0 n_classes=6 eval_every=0 root_dir=/data/acamp/acamp20k seq_paths=../tf_api/acamp_all_6_class.txt random_sampling=0 sleep_time=10 write_summary=1 save_det=1 load_det=1 load_dir=yolov3_weights/acamp20k6_60_no_spp_24/best_51_on_acamp20k6_60_inverted_yolov3_pt/ load_samples=seq_to_samples.txt load_samples_root=/data/acamp/acamp20k/acamp20k6_60_inverted score_thresholds=0:1:0.001

acamp15k6_entire_seq @ test

inverted @ acamp15k6_entire_seq/test

CUDA_VISIBLE_DEVICES=1 python3 yolov3_test.py --data_cfg=cfg/acamp15k6_entire_seq.txt --net_cfg=cfg/acamp15k6_entire_seq.cfg --batch_size=24 --weights=yolov3_weights/acamp15k6_entire_seq_24/latest.pt --test_path=/data/acamp/acamp20k/acamp15k6_entire_seq_inv.txt

CUDA_VISIBLE_DEVICES=1 python3 ../tf_api/tf_api_eval.py labels_path=../tf_api/data/wildlife_label_map_20k6.pbtxt n_frames=0 show_img=0 n_classes=6 eval_every=0 root_dir=/data/acamp/acamp20k seq_paths=../tf_api/acamp_all_6_class.txt random_sampling=0 sleep_time=10 write_summary=1 save_det=1 load_det=1 load_dir=yolov3_weights/acamp20k6_60_no_spp_24/best_51_on_acamp20k6_60_inverted_yolov3_pt/ load_samples=seq_to_samples.txt load_samples_root=/data/acamp/acamp20k/acamp20k6_60_inverted score_thresholds=0:1:0.001

acamp10k6_vid_entire_seq_mp @ test

latest @ acamp10k6_vid_entire_seq_mp/test

CUDA_VISIBLE_DEVICES=0 python3 yolov3_test.py --data_cfg=cfg/acamp10k6_vid_entire_seq.txt --net_cfg=cfg/acamp10k6_vid_entire_seq.cfg --batch_size=24 --weights=yolov3_weights/acamp10k6_vid_entire_seq_mp_24/latest.pt --test_path=/data/acamp/acamp20k/acamp10k6_vid_entire_seq_inv.txt

CUDA_VISIBLE_DEVICES=1 python3 ../tf_api/tf_api_eval.py labels_path=../tf_api/data/wildlife_label_map_20k6.pbtxt n_frames=0 show_img=0 n_classes=6 eval_every=0 root_dir=/data/acamp/acamp20k seq_paths=../tf_api/acamp_all_6_class_video.txt random_sampling=0 sleep_time=10 write_summary=1 save_det=1 load_det=1 load_dir=yolov3_weights/acamp10k6_vid_entire_seq_mp_24/latest_on_acamp10k6_vid_entire_seq_inv/ load_samples=seq_to_samples.txt load_samples_root=/data/acamp/acamp20k/acamp10k6_vid_entire_seq_inv score_thresholds=0:1:0.001 allow_seq_skipping=1

best_56 @ acamp10k6_vid_entire_seq_mp/test

CUDA_VISIBLE_DEVICES=0 python3 yolov3_test.py --data_cfg=cfg/acamp10k6_vid_entire_seq.txt --net_cfg=cfg/acamp10k6_vid_entire_seq.cfg --batch_size=24 --weights=yolov3_weights/acamp10k6_vid_entire_seq_mp_24/best_56.pt --test_path=/data/acamp/acamp20k/acamp10k6_vid_entire_seq_inv.txt

CUDA_VISIBLE_DEVICES=1 python3 ../tf_api/tf_api_eval.py labels_path=../tf_api/data/wildlife_label_map_20k6.pbtxt n_frames=0 show_img=0 n_classes=6 eval_every=0 root_dir=/data/acamp/acamp20k seq_paths=../tf_api/acamp_all_6_class_video.txt random_sampling=0 sleep_time=10 write_summary=1 save_det=1 load_det=1 load_dir=yolov3_weights/acamp10k6_vid_entire_seq_mp_24/best_56_on_acamp10k6_vid_entire_seq_inv/ load_samples=seq_to_samples.txt load_samples_root=/data/acamp/acamp20k/acamp10k6_vid_entire_seq_inv score_thresholds=0:1:0.001 allow_seq_skipping=1

SiamFC @ best_56/acamp10k6_vid_entire_seq_mp/test

CUDA_VISIBLE_DEVICES=0 python3 yolov3_test.py --data_cfg=cfg/acamp10k6_vid_entire_seq.txt --net_cfg=cfg/acamp10k6_vid_entire_seq.cfg --batch_size=24 --weights=yolov3_weights/acamp10k6_vid_entire_seq_mp_24/best_56.pt --test_path=/data/acamp/acamp20k/acamp10k6_vid_entire_seq_inv.txt tracker_type=fc max_trackers=5 vis=1

DaSiamRPN @ best_56/acamp10k6_vid_entire_seq_mp/test

max_trackers_1 @ DaSiamRPN/best_56/acamp10k6_vid_entire_seq_mp/test

CUDA_VISIBLE_DEVICES=1 python3 yolov3_test.py --data_cfg=cfg/acamp10k6_vid_entire_seq.txt --net_cfg=cfg/acamp10k6_vid_entire_seq.cfg --batch_size=1 --weights=yolov3_weights/acamp10k6_vid_entire_seq_mp_24/best_56.pt --test_path=/data/acamp/acamp20k/acamp10k6_vid_entire_seq_inv.txt tracker_type=rpn max_trackers=1 vis=0 da_siam_rpn.gpu_id=0 save_dir=best_56_on_acamp10k6_vid_entire_seq_inv_rpn_max_trackers_1_rt

CUDA_VISIBLE_DEVICES=1 python3 ../tf_api/tf_api_eval.py labels_path=../tf_api/data/wildlife_label_map_20k6.pbtxt n_frames=0 show_img=0 n_classes=6 eval_every=0 root_dir=/data/acamp/acamp20k seq_paths=../tf_api/acamp_all_6_class_video.txt random_sampling=0 sleep_time=10 write_summary=1 save_det=1 load_det=1 load_dir=yolov3_weights/acamp10k6_vid_entire_seq_mp_24/best_56_on_acamp10k6_vid_entire_seq_inv_rpn_max_trackers_1_rt/ load_samples=seq_to_samples.txt load_samples_root=/data/acamp/acamp20k/acamp10k6_vid_entire_seq_inv score_thresholds=0:1:0.001 allow_seq_skipping=1

max_trackers_2 @ DaSiamRPN/best_56/acamp10k6_vid_entire_seq_mp/test

CUDA_VISIBLE_DEVICES=2 python3 yolov3_test.py --data_cfg=cfg/acamp10k6_vid_entire_seq.txt --net_cfg=cfg/acamp10k6_vid_entire_seq.cfg --batch_size=1 --weights=yolov3_weights/acamp10k6_vid_entire_seq_mp_24/best_56.pt --test_path=/data/acamp/acamp20k/acamp10k6_vid_entire_seq_inv.txt tracker_type=rpn max_trackers=2 vis=0 da_siam_rpn.gpu_id=0 save_dir=best_56_on_acamp10k6_vid_entire_seq_inv_rpn_max_trackers_2_rt

CUDA_VISIBLE_DEVICES=1 python3 ../tf_api/tf_api_eval.py labels_path=../tf_api/data/wildlife_label_map_20k6.pbtxt n_frames=0 show_img=0 n_classes=6 eval_every=0 root_dir=/data/acamp/acamp20k seq_paths=../tf_api/acamp_all_6_class_video.txt random_sampling=0 sleep_time=10 write_summary=1 save_det=1 load_det=1 load_dir=yolov3_weights/acamp10k6_vid_entire_seq_mp_24/best_56_on_acamp10k6_vid_entire_seq_inv_rpn_max_trackers_2_rt/ load_samples=seq_to_samples.txt load_samples_root=/data/acamp/acamp20k/acamp10k6_vid_entire_seq_inv score_thresholds=0:1:0.001 allow_seq_skipping=1

max_trackers_3 @ DaSiamRPN/best_56/acamp10k6_vid_entire_seq_mp/test

CUDA_VISIBLE_DEVICES=1 python3 yolov3_test.py --data_cfg=cfg/acamp10k6_vid_entire_seq.txt --net_cfg=cfg/acamp10k6_vid_entire_seq.cfg --batch_size=1 --weights=yolov3_weights/acamp10k6_vid_entire_seq_mp_24/best_56.pt --test_path=/data/acamp/acamp20k/acamp10k6_vid_entire_seq_inv.txt tracker_type=rpn max_trackers=3 vis=0 da_siam_rpn.gpu_id=0 save_dir=best_56_on_acamp10k6_vid_entire_seq_inv_rpn_max_trackers_3_rt

CUDA_VISIBLE_DEVICES=1 python3 ../tf_api/tf_api_eval.py labels_path=../tf_api/data/wildlife_label_map_20k6.pbtxt n_frames=0 show_img=0 n_classes=6 eval_every=0 root_dir=/data/acamp/acamp20k seq_paths=../tf_api/acamp_all_6_class_video.txt random_sampling=0 sleep_time=10 write_summary=1 save_det=1 load_det=1 load_dir=yolov3_weights/acamp10k6_vid_entire_seq_mp_24/best_56_on_acamp10k6_vid_entire_seq_inv_rpn_max_trackers_3_rt/ load_samples=seq_to_samples.txt load_samples_root=/data/acamp/acamp20k/acamp10k6_vid_entire_seq_inv score_thresholds=0:1:0.001 allow_seq_skipping=1

max_trackers_4 @ DaSiamRPN/best_56/acamp10k6_vid_entire_seq_mp/test

CUDA_VISIBLE_DEVICES=2 python3 yolov3_test.py --data_cfg=cfg/acamp10k6_vid_entire_seq.txt --net_cfg=cfg/acamp10k6_vid_entire_seq.cfg --batch_size=1 --weights=yolov3_weights/acamp10k6_vid_entire_seq_mp_24/best_56.pt --test_path=/data/acamp/acamp20k/acamp10k6_vid_entire_seq_inv.txt tracker_type=rpn max_trackers=4 vis=0 da_siam_rpn.gpu_id=0 save_dir=best_56_on_acamp10k6_vid_entire_seq_inv_rpn_max_trackers_4_rt

CUDA_VISIBLE_DEVICES=1 python3 ../tf_api/tf_api_eval.py labels_path=../tf_api/data/wildlife_label_map_20k6.pbtxt n_frames=0 show_img=0 n_classes=6 eval_every=0 root_dir=/data/acamp/acamp20k seq_paths=../tf_api/acamp_all_6_class_video.txt random_sampling=0 sleep_time=10 write_summary=1 save_det=1 load_det=1 load_dir=yolov3_weights/acamp10k6_vid_entire_seq_mp_24/best_56_on_acamp10k6_vid_entire_seq_inv_rpn_max_trackers_4_rt/ load_samples=seq_to_samples.txt load_samples_root=/data/acamp/acamp20k/acamp10k6_vid_entire_seq_inv score_thresholds=0:1:0.001 allow_seq_skipping=1

max_trackers_1_ua_filter_0 @ DaSiamRPN/best_56/acamp10k6_vid_entire_seq_mp/test

CUDA_VISIBLE_DEVICES=1 python3 yolov3_test.py --data_cfg=cfg/acamp10k6_vid_entire_seq.txt --net_cfg=cfg/acamp10k6_vid_entire_seq.cfg --batch_size=1 --weights=yolov3_weights/acamp10k6_vid_entire_seq_mp_24/best_56.pt --test_path=/data/acamp/acamp20k/acamp10k6_vid_entire_seq_inv.txt tracker_type=rpn max_trackers=1 vis=0 da_siam_rpn.gpu_id=0 save_dir=best_56_on_acamp10k6_vid_entire_seq_inv_rpn_max_trackers_1_rt_ua_filter_0 filter_unassociated=0

CUDA_VISIBLE_DEVICES=1 python3 ../tf_api/tf_api_eval.py labels_path=../tf_api/data/wildlife_label_map_20k6.pbtxt n_frames=0 show_img=0 n_classes=6 eval_every=0 root_dir=/data/acamp/acamp20k seq_paths=../tf_api/acamp_all_6_class_video.txt random_sampling=0 sleep_time=10 write_summary=1 save_det=1 load_det=1 load_dir=yolov3_weights/acamp10k6_vid_entire_seq_mp_24/best_56_on_acamp10k6_vid_entire_seq_inv_rpn_max_trackers_1_rt_ua_filter_0 load_samples=seq_to_samples.txt load_samples_root=/data/acamp/acamp20k/acamp10k6_vid_entire_seq_inv score_thresholds=0:1:0.001 allow_seq_skipping=1

max_trackers_2_ua_filter_0 @ DaSiamRPN/best_56/acamp10k6_vid_entire_seq_mp/test

CUDA_VISIBLE_DEVICES=2 python3 yolov3_test.py --data_cfg=cfg/acamp10k6_vid_entire_seq.txt --net_cfg=cfg/acamp10k6_vid_entire_seq.cfg --batch_size=1 --weights=yolov3_weights/acamp10k6_vid_entire_seq_mp_24/best_56.pt --test_path=/data/acamp/acamp20k/acamp10k6_vid_entire_seq_inv.txt tracker_type=rpn max_trackers=2 vis=0 da_siam_rpn.gpu_id=0 save_dir=best_56_on_acamp10k6_vid_entire_seq_inv_rpn_max_trackers_2_ua_filter_0 filter_unassociated=0

CUDA_VISIBLE_DEVICES=1 python3 ../tf_api/tf_api_eval.py labels_path=../tf_api/data/wildlife_label_map_20k6.pbtxt n_frames=0 show_img=0 n_classes=6 eval_every=0 root_dir=/data/acamp/acamp20k seq_paths=../tf_api/acamp_all_6_class_video.txt random_sampling=0 sleep_time=10 write_summary=1 save_det=1 load_det=1 load_dir=yolov3_weights/acamp10k6_vid_entire_seq_mp_24/best_56_on_acamp10k6_vid_entire_seq_inv_rpn_max_trackers_2_ua_filter_0 load_samples=seq_to_samples.txt load_samples_root=/data/acamp/acamp20k/acamp10k6_vid_entire_seq_inv score_thresholds=0:1:0.001 allow_seq_skipping=1

max_trackers_1_ua_filter_0_ua_thresh_0 @ DaSiamRPN/best_56/acamp10k6_vid_entire_seq_mp/test

CUDA_VISIBLE_DEVICES=0 python3 yolov3_test.py --data_cfg=cfg/acamp10k6_vid_entire_seq.txt --net_cfg=cfg/acamp10k6_vid_entire_seq.cfg --batch_size=1 --weights=yolov3_weights/acamp10k6_vid_entire_seq_mp_24/best_56.pt --test_path=/data/acamp/acamp20k/acamp10k6_vid_entire_seq_inv.txt tracker_type=rpn max_trackers=1 vis=0 da_siam_rpn.gpu_id=0 save_dir=best_56_on_acamp10k6_vid_entire_seq_inv_rpn_max_trackers_1_rt_ua_filter_0_ua_thresh_0 filter_unassociated=0 unassoc_thresh=0

CUDA_VISIBLE_DEVICES=1 python3 ../tf_api/tf_api_eval.py labels_path=../tf_api/data/wildlife_label_map_20k6.pbtxt n_frames=0 show_img=0 n_classes=6 eval_every=0 root_dir=/data/acamp/acamp20k seq_paths=../tf_api/acamp_all_6_class_video.txt random_sampling=0 sleep_time=10 write_summary=1 save_det=1 load_det=1 load_dir=yolov3_weights/acamp10k6_vid_entire_seq_mp_24/best_56_on_acamp10k6_vid_entire_seq_inv_rpn_max_trackers_1_rt_ua_filter_0_ua_thresh_0 load_samples=seq_to_samples.txt load_samples_root=/data/acamp/acamp20k/acamp10k6_vid_entire_seq_inv score_thresholds=0:1:0.001 allow_seq_skipping=1

max_trackers_2_ua_filter_0_ua_thresh_0 @ DaSiamRPN/best_56/acamp10k6_vid_entire_seq_mp/test

CUDA_VISIBLE_DEVICES=0 python3 yolov3_test.py --data_cfg=cfg/acamp10k6_vid_entire_seq.txt --net_cfg=cfg/acamp10k6_vid_entire_seq.cfg --batch_size=1 --weights=yolov3_weights/acamp10k6_vid_entire_seq_mp_24/best_56.pt --test_path=/data/acamp/acamp20k/acamp10k6_vid_entire_seq_inv.txt tracker_type=rpn max_trackers=2 vis=0 da_siam_rpn.gpu_id=0 save_dir=best_56_on_acamp10k6_vid_entire_seq_inv_rpn_max_trackers_2_ua_filter_0_ua_thresh_0 filter_unassociated=0 unassoc_thresh=0

CUDA_VISIBLE_DEVICES=1 python3 ../tf_api/tf_api_eval.py labels_path=../tf_api/data/wildlife_label_map_20k6.pbtxt n_frames=0 show_img=0 n_classes=6 eval_every=0 root_dir=/data/acamp/acamp20k seq_paths=../tf_api/acamp_all_6_class_video.txt random_sampling=0 sleep_time=10 write_summary=1 save_det=1 load_det=1 load_dir=yolov3_weights/acamp10k6_vid_entire_seq_mp_24/best_56_on_acamp10k6_vid_entire_seq_inv_rpn_max_trackers_2_ua_filter_0_ua_thresh_0 load_samples=seq_to_samples.txt load_samples_root=/data/acamp/acamp20k/acamp10k6_vid_entire_seq_inv score_thresholds=0:1:0.001 allow_seq_skipping=1

class_agnostic @ best_56/acamp10k6_vid_entire_seq_mp/test

CUDA_VISIBLE_DEVICES=1 python3 ../tf_api/tf_api_eval.py labels_path=../tf_api/data/wildlife_label_map_20k6.pbtxt n_frames=0 show_img=0 n_classes=6 eval_every=0 root_dir=/data/acamp/acamp20k seq_paths=../tf_api/acamp_all_6_class_video.txt random_sampling=0 sleep_time=10 write_summary=1 save_det=1 load_det=1 load_dir=yolov3_weights/acamp10k6_vid_entire_seq_mp_24/best_56_on_acamp10k6_vid_entire_seq_inv_rpn_max_trackers_2_ua_filter_0_ua_thresh_0 load_samples=seq_to_samples.txt load_samples_root=/data/acamp/acamp20k/acamp10k6_vid_entire_seq_inv score_thresholds=0:1:0.001 allow_seq_skipping=1 class_agnostic=1

max_trackers_3_ua_filter_0_ua_thresh_0 @ class_agnostic/best_56/acamp10k6_vid_entire_seq_mp/test

CUDA_VISIBLE_DEVICES=0 python3 yolov3_test.py --data_cfg=cfg/acamp10k6_vid_entire_seq.txt --net_cfg=cfg/acamp10k6_vid_entire_seq.cfg --batch_size=1 --weights=yolov3_weights/acamp10k6_vid_entire_seq_mp_24/best_56.pt --test_path=/data/acamp/acamp20k/acamp10k6_vid_entire_seq_inv.txt tracker_type=rpn max_trackers=3 vis=0 da_siam_rpn.gpu_id=0 save_dir=best_56_on_acamp10k6_vid_entire_seq_inv_rpn_max_trackers_3_ua_filter_0_ua_thresh_0 filter_unassociated=0 unassoc_thresh=0

CUDA_VISIBLE_DEVICES=1 python3 ../tf_api/tf_api_eval.py labels_path=../tf_api/data/wildlife_label_map_20k6.pbtxt n_frames=0 show_img=0 n_classes=6 eval_every=0 root_dir=/data/acamp/acamp20k seq_paths=../tf_api/acamp_all_6_class_video.txt random_sampling=0 sleep_time=10 write_summary=1 save_det=1 load_det=1 load_dir=yolov3_weights/acamp10k6_vid_entire_seq_mp_24/best_56_on_acamp10k6_vid_entire_seq_inv_rpn_max_trackers_3_ua_filter_0_ua_thresh_0 load_samples=seq_to_samples.txt load_samples_root=/data/acamp/acamp20k/acamp10k6_vid_entire_seq_inv score_thresholds=0:1:0.001 allow_seq_skipping=1

class_agnostic @ best_56/acamp10k6_vid_entire_seq_mp/test

CUDA_VISIBLE_DEVICES=1 python3 ../tf_api/tf_api_eval.py labels_path=../tf_api/data/wildlife_label_map_20k6.pbtxt n_frames=0 show_img=0 n_classes=6 eval_every=0 root_dir=/data/acamp/acamp20k seq_paths=../tf_api/acamp_all_6_class_video.txt random_sampling=0 sleep_time=10 write_summary=1 save_det=1 load_det=1 load_dir=yolov3_weights/acamp10k6_vid_entire_seq_mp_24/best_56_on_acamp10k6_vid_entire_seq_inv_rpn_max_trackers_3_ua_filter_0_ua_thresh_0 load_samples=seq_to_samples.txt load_samples_root=/data/acamp/acamp20k/acamp10k6_vid_entire_seq_inv score_thresholds=0:1:0.001 allow_seq_skipping=1 class_agnostic=1

acamp1k6_vid_entire_seq @ test

latest @ acamp1k6_vid_entire_seq/test

CUDA_VISIBLE_DEVICES=1 python3 yolov3_test.py --data_cfg=cfg/acamp1k6_vid_entire_seq.txt --net_cfg=cfg/acamp1k6_vid_entire_seq.cfg --batch_size=24 --weights=yolov3_weights/acamp1k6_vid_entire_seq_24/latest.pt --test_path=/data/acamp/acamp20k/acamp1k6_vid_entire_seq_inv.txt

CUDA_VISIBLE_DEVICES=1 python3 ../tf_api/tf_api_eval.py labels_path=../tf_api/data/wildlife_label_map_20k6.pbtxt n_frames=0 show_img=0 n_classes=6 eval_every=0 root_dir=/data/acamp/acamp20k seq_paths=../tf_api/acamp_all_6_class_video.txt random_sampling=0 sleep_time=10 write_summary=1 save_det=1 load_det=1 load_dir=yolov3_weights/acamp1k6_vid_entire_seq_24/latest_on_acamp1k6_vid_entire_seq_inv/ load_samples=seq_to_samples.txt load_samples_root=/data/acamp/acamp20k/acamp1k6_vid_entire_seq_inv score_thresholds=0:1:0.001 allow_seq_skipping=1

max_trackers_1 @ latest/acamp1k6_vid_entire_seq/test

CUDA_VISIBLE_DEVICES=2 python3 yolov3_test.py --data_cfg=cfg/acamp1k6_vid_entire_seq.txt --net_cfg=cfg/acamp1k6_vid_entire_seq.cfg --batch_size=1 --weights=yolov3_weights/acamp1k6_vid_entire_seq_24/latest.pt --test_path=/data/acamp/acamp20k/acamp1k6_vid_entire_seq_inv.txt tracker_type=rpn max_trackers=1 vis=0 da_siam_rpn.gpu_id=0 save_dir=latest_on_acamp1k6_vid_entire_seq_inv_rpn_max_trackers_1

CUDA_VISIBLE_DEVICES=1 python3 ../tf_api/tf_api_eval.py labels_path=../tf_api/data/wildlife_label_map_20k6.pbtxt n_frames=0 show_img=0 n_classes=6 eval_every=0 root_dir=/data/acamp/acamp20k seq_paths=../tf_api/acamp_all_6_class_video.txt random_sampling=0 sleep_time=10 write_summary=1 save_det=1 load_det=1 load_dir=yolov3_weights/acamp1k6_vid_entire_seq_24/latest_on_acamp1k6_vid_entire_seq_inv_rpn_max_trackers_1 load_samples=seq_to_samples.txt load_samples_root=/data/acamp/acamp20k/acamp1k6_vid_entire_seq_inv score_thresholds=0:1:0.001 allow_seq_skipping=1

max_trackers_2 @ latest/acamp1k6_vid_entire_seq/test

CUDA_VISIBLE_DEVICES=2 python3 yolov3_test.py --data_cfg=cfg/acamp1k6_vid_entire_seq.txt --net_cfg=cfg/acamp1k6_vid_entire_seq.cfg --batch_size=1 --weights=yolov3_weights/acamp1k6_vid_entire_seq_24/latest.pt --test_path=/data/acamp/acamp20k/acamp1k6_vid_entire_seq_inv.txt tracker_type=rpn max_trackers=2 vis=0 da_siam_rpn.gpu_id=0 save_dir=latest_on_acamp1k6_vid_entire_seq_inv_rpn_max_trackers_2

CUDA_VISIBLE_DEVICES=1 python3 ../tf_api/tf_api_eval.py labels_path=../tf_api/data/wildlife_label_map_20k6.pbtxt n_frames=0 show_img=0 n_classes=6 eval_every=0 root_dir=/data/acamp/acamp20k seq_paths=../tf_api/acamp_all_6_class_video.txt random_sampling=0 sleep_time=10 write_summary=1 save_det=1 load_det=1 load_dir=yolov3_weights/acamp1k6_vid_entire_seq_24/latest_on_acamp1k6_vid_entire_seq_inv_rpn_max_trackers_2 load_samples=seq_to_samples.txt load_samples_root=/data/acamp/acamp20k/acamp1k6_vid_entire_seq_inv score_thresholds=0:1:0.001 allow_seq_skipping=1

max_trackers_3 @ latest/acamp1k6_vid_entire_seq/test

CUDA_VISIBLE_DEVICES=1 python3 yolov3_test.py --data_cfg=cfg/acamp1k6_vid_entire_seq.txt --net_cfg=cfg/acamp1k6_vid_entire_seq.cfg --batch_size=1 --weights=yolov3_weights/acamp1k6_vid_entire_seq_24/latest.pt --test_path=/data/acamp/acamp20k/acamp1k6_vid_entire_seq_inv.txt tracker_type=rpn max_trackers=3 vis=0 da_siam_rpn.gpu_id=0 save_dir=latest_on_acamp1k6_vid_entire_seq_inv_rpn_max_trackers_3

CUDA_VISIBLE_DEVICES=1 python3 ../tf_api/tf_api_eval.py labels_path=../tf_api/data/wildlife_label_map_20k6.pbtxt n_frames=0 show_img=0 n_classes=6 eval_every=0 root_dir=/data/acamp/acamp20k seq_paths=../tf_api/acamp_all_6_class_video.txt random_sampling=0 sleep_time=10 write_summary=1 save_det=1 load_det=1 load_dir=yolov3_weights/acamp1k6_vid_entire_seq_24/latest_on_acamp1k6_vid_entire_seq_inv_rpn_max_trackers_3 load_samples=seq_to_samples.txt load_samples_root=/data/acamp/acamp20k/acamp1k6_vid_entire_seq_inv score_thresholds=0:1:0.001 allow_seq_skipping=1

max_trackers_4 @ latest/acamp1k6_vid_entire_seq/test

CUDA_VISIBLE_DEVICES=2 python3 yolov3_test.py --data_cfg=cfg/acamp1k6_vid_entire_seq.txt --net_cfg=cfg/acamp1k6_vid_entire_seq.cfg --batch_size=1 --weights=yolov3_weights/acamp1k6_vid_entire_seq_24/latest.pt --test_path=/data/acamp/acamp20k/acamp1k6_vid_entire_seq_inv.txt tracker_type=rpn max_trackers=4 vis=0 da_siam_rpn.gpu_id=0 save_dir=latest_on_acamp1k6_vid_entire_seq_inv_rpn_max_trackers_4

CUDA_VISIBLE_DEVICES=1 python3 ../tf_api/tf_api_eval.py labels_path=../tf_api/data/wildlife_label_map_20k6.pbtxt n_frames=0 show_img=0 n_classes=6 eval_every=0 root_dir=/data/acamp/acamp20k seq_paths=../tf_api/acamp_all_6_class_video.txt random_sampling=0 sleep_time=10 write_summary=1 save_det=1 load_det=1 load_dir=yolov3_weights/acamp1k6_vid_entire_seq_24/latest_on_acamp1k6_vid_entire_seq_inv_rpn_max_trackers_4 load_samples=seq_to_samples.txt load_samples_root=/data/acamp/acamp20k/acamp1k6_vid_entire_seq_inv score_thresholds=0:1:0.001 allow_seq_skipping=1

max_trackers_1_ua_filter_0 @ latest/acamp1k6_vid_entire_seq/test

CUDA_VISIBLE_DEVICES=2 python3 yolov3_test.py --data_cfg=cfg/acamp1k6_vid_entire_seq.txt --net_cfg=cfg/acamp1k6_vid_entire_seq.cfg --batch_size=1 --weights=yolov3_weights/acamp1k6_vid_entire_seq_24/latest.pt --test_path=/data/acamp/acamp20k/acamp1k6_vid_entire_seq_inv.txt tracker_type=rpn max_trackers=1 vis=0 da_siam_rpn.gpu_id=0 save_dir=latest_on_acamp1k6_vid_entire_seq_inv_rpn_max_trackers_1_rt_ua_filter_0 filter_unassociated=0

CUDA_VISIBLE_DEVICES=1 python3 ../tf_api/tf_api_eval.py labels_path=../tf_api/data/wildlife_label_map_20k6.pbtxt n_frames=0 show_img=0 n_classes=6 eval_every=0 root_dir=/data/acamp/acamp20k seq_paths=../tf_api/acamp_all_6_class_video.txt random_sampling=0 sleep_time=10 write_summary=1 save_det=1 load_det=1 load_dir=yolov3_weights/acamp1k6_vid_entire_seq_24/latest_on_acamp1k6_vid_entire_seq_inv_rpn_max_trackers_1_rt_ua_filter_0 load_samples=seq_to_samples.txt load_samples_root=/data/acamp/acamp20k/acamp1k6_vid_entire_seq_inv score_thresholds=0:1:0.001 allow_seq_skipping=1

max_trackers_2_ua_filter_0 @ latest/acamp1k6_vid_entire_seq/test

CUDA_VISIBLE_DEVICES=1 python3 yolov3_test.py --data_cfg=cfg/acamp1k6_vid_entire_seq.txt --net_cfg=cfg/acamp1k6_vid_entire_seq.cfg --batch_size=1 --weights=yolov3_weights/acamp1k6_vid_entire_seq_24/latest.pt --test_path=/data/acamp/acamp20k/acamp1k6_vid_entire_seq_inv.txt tracker_type=rpn max_trackers=2 vis=0 da_siam_rpn.gpu_id=0 save_dir=latest_on_acamp1k6_vid_entire_seq_inv_rpn_max_trackers_2_ua_filter_0 filter_unassociated=0

CUDA_VISIBLE_DEVICES=1 python3 ../tf_api/tf_api_eval.py labels_path=../tf_api/data/wildlife_label_map_20k6.pbtxt n_frames=0 show_img=0 n_classes=6 eval_every=0 root_dir=/data/acamp/acamp20k seq_paths=../tf_api/acamp_all_6_class_video.txt random_sampling=0 sleep_time=10 write_summary=1 save_det=1 load_det=1 load_dir=yolov3_weights/acamp1k6_vid_entire_seq_24/latest_on_acamp1k6_vid_entire_seq_inv_rpn_max_trackers_2_ua_filter_0 load_samples=seq_to_samples.txt load_samples_root=/data/acamp/acamp20k/acamp1k6_vid_entire_seq_inv score_thresholds=0:1:0.001 allow_seq_skipping=1

max_trackers_1_ua_filter_0_ua_thresh_0 @ latest/acamp1k6_vid_entire_seq/test

CUDA_VISIBLE_DEVICES=2 python3 yolov3_test.py --data_cfg=cfg/acamp1k6_vid_entire_seq.txt --net_cfg=cfg/acamp1k6_vid_entire_seq.cfg --batch_size=1 --weights=yolov3_weights/acamp1k6_vid_entire_seq_24/latest.pt --test_path=/data/acamp/acamp20k/acamp1k6_vid_entire_seq_inv.txt tracker_type=rpn max_trackers=1 vis=0 da_siam_rpn.gpu_id=0 save_dir=latest_on_acamp1k6_vid_entire_seq_inv_rpn_max_trackers_1_rt_ua_filter_0_ua_thresh_0 filter_unassociated=0 unassoc_thresh=0

CUDA_VISIBLE_DEVICES=1 python3 ../tf_api/tf_api_eval.py labels_path=../tf_api/data/wildlife_label_map_20k6.pbtxt n_frames=0 show_img=0 n_classes=6 eval_every=0 root_dir=/data/acamp/acamp20k seq_paths=../tf_api/acamp_all_6_class_video.txt random_sampling=0 sleep_time=10 write_summary=1 save_det=1 load_det=1 load_dir=yolov3_weights/acamp1k6_vid_entire_seq_24/latest_on_acamp1k6_vid_entire_seq_inv_rpn_max_trackers_1_rt_ua_filter_0_ua_thresh_0 load_samples=seq_to_samples.txt load_samples_root=/data/acamp/acamp20k/acamp1k6_vid_entire_seq_inv score_thresholds=0:1:0.001 allow_seq_skipping=1

max_trackers_2_ua_filter_0_ua_thresh_0 @ latest/acamp1k6_vid_entire_seq/test

CUDA_VISIBLE_DEVICES=2 python3 yolov3_test.py --data_cfg=cfg/acamp1k6_vid_entire_seq.txt --net_cfg=cfg/acamp1k6_vid_entire_seq.cfg --batch_size=1 --weights=yolov3_weights/acamp1k6_vid_entire_seq_24/latest.pt --test_path=/data/acamp/acamp20k/acamp1k6_vid_entire_seq_inv.txt tracker_type=rpn max_trackers=2 vis=0 da_siam_rpn.gpu_id=0 save_dir=latest_on_acamp1k6_vid_entire_seq_inv_rpn_max_trackers_2_ua_filter_0_ua_thresh_0 filter_unassociated=0 unassoc_thresh=0

CUDA_VISIBLE_DEVICES=1 python3 ../tf_api/tf_api_eval.py labels_path=../tf_api/data/wildlife_label_map_20k6.pbtxt n_frames=0 show_img=0 n_classes=6 eval_every=0 root_dir=/data/acamp/acamp20k seq_paths=../tf_api/acamp_all_6_class_video.txt random_sampling=0 sleep_time=10 write_summary=1 save_det=1 load_det=1 load_dir=yolov3_weights/acamp1k6_vid_entire_seq_24/latest_on_acamp1k6_vid_entire_seq_inv_rpn_max_trackers_2_ua_filter_0_ua_thresh_0 load_samples=seq_to_samples.txt load_samples_root=/data/acamp/acamp20k/acamp1k6_vid_entire_seq_inv score_thresholds=0:1:0.001 allow_seq_skipping=1

max_trackers_3_ua_filter_0_ua_thresh_0 @ latest/acamp1k6_vid_entire_seq/test

CUDA_VISIBLE_DEVICES=2 python3 yolov3_test.py --data_cfg=cfg/acamp1k6_vid_entire_seq.txt --net_cfg=cfg/acamp1k6_vid_entire_seq.cfg --batch_size=1 --weights=yolov3_weights/acamp1k6_vid_entire_seq_24/latest.pt --test_path=/data/acamp/acamp20k/acamp1k6_vid_entire_seq_inv.txt tracker_type=rpn max_trackers=3 vis=0 da_siam_rpn.gpu_id=0 save_dir=latest_on_acamp1k6_vid_entire_seq_inv_rpn_max_trackers_3_ua_filter_0_ua_thresh_0 filter_unassociated=0 unassoc_thresh=0

CUDA_VISIBLE_DEVICES=1 python3 ../tf_api/tf_api_eval.py labels_path=../tf_api/data/wildlife_label_map_20k6.pbtxt n_frames=0 show_img=0 n_classes=6 eval_every=0 root_dir=/data/acamp/acamp20k seq_paths=../tf_api/acamp_all_6_class_video.txt random_sampling=0 sleep_time=10 write_summary=1 save_det=1 load_det=1 load_dir=yolov3_weights/acamp1k6_vid_entire_seq_24/latest_on_acamp1k6_vid_entire_seq_inv_rpn_max_trackers_3_ua_filter_0_ua_thresh_0 load_samples=seq_to_samples.txt load_samples_root=/data/acamp/acamp20k/acamp1k6_vid_entire_seq_inv score_thresholds=0:1:0.001 allow_seq_skipping=1

acamp10k6_vid_entire_seq_1_per_seq_val_mp @ test

latest @ acamp10k6_vid_entire_seq_1_per_seq_val_mp/test

CUDA_VISIBLE_DEVICES=0 python3 yolov3_test.py --data_cfg=cfg/acamp10k6_vid_entire_seq_1_per_seq_val.txt --net_cfg=cfg/acamp10k6_vid_entire_seq.cfg --batch_size=24 --weights=yolov3_weights/acamp10k6_vid_entire_seq_mp_1_per_seq_val_24/latest.pt --test_path=/data/acamp/acamp20k/acamp10k6_vid_entire_seq_inv.txt

CUDA_VISIBLE_DEVICES=1 python3 ../tf_api/tf_api_eval.py labels_path=../tf_api/data/wildlife_label_map_20k6.pbtxt n_frames=0 show_img=0 n_classes=6 eval_every=0 root_dir=/data/acamp/acamp20k seq_paths=../tf_api/acamp_all_6_class_video.txt random_sampling=0 sleep_time=10 write_summary=1 save_det=1 load_det=1 load_dir=yolov3_weights/acamp10k6_vid_entire_seq_mp_1_per_seq_val_24/latest_on_acamp10k6_vid_entire_seq_inv/ load_samples=seq_to_samples.txt load_samples_root=/data/acamp/acamp20k/acamp10k6_vid_entire_seq_inv score

best_45 @ acamp10k6_vid_entire_seq_1_per_seq_val_mp/test

CUDA_VISIBLE_DEVICES=2 python3 yolov3_test.py --data_cfg=cfg/acamp10k6_vid_entire_seq_1_per_seq_val.txt --net_cfg=cfg/acamp10k6_vid_entire_seq.cfg --batch_size=24 --weights=yolov3_weights/acamp10k6_vid_entire_seq_mp_1_per_seq_val_24/best_45.pt --test_path=/data/acamp/acamp20k/acamp10k6_vid_entire_seq_inv.txt

CUDA_VISIBLE_DEVICES=1 python3 ../tf_api/tf_api_eval.py labels_path=../tf_api/data/wildlife_label_map_20k6.pbtxt n_frames=0 show_img=0 n_classes=6 eval_every=0 root_dir=/data/acamp/acamp20k seq_paths=../tf_api/ac1amp_all_6_class_video.txt random_sampling=0 sleep_time=10 write_summary=1 save_det=1 load_det=1 load_dir=yolov3_weights/acamp10k6_vid_entire_seq_mp_1_per_seq_val_24/best_45_on_acamp10k6_vid_entire_seq_inv/ load_samples=seq_to_samples.txt load_samples_root=/data/acamp/acamp20k/acamp10k6_vid_entire_seq_inv score_thresholds=0:1:0.001 allow_seq_skipping=1

acamp15k6_vid_entire_seq @ test

latest @ acamp15k6_vid_entire_seq/test

CUDA_VISIBLE_DEVICES=1 python3 yolov3_test.py --data_cfg=cfg/acamp15k6_vid_entire_seq.txt --net_cfg=cfg/acamp15k6_vid_entire_seq.cfg --batch_size=24 --weights=yolov3_weights/acamp15k6_vid_entire_seq_24/latest.pt --test_path=/data/acamp/acamp20k/acamp15k6_vid_entire_seq_inv.txt

CUDA_VISIBLE_DEVICES=1 python3 ../tf_api/tf_api_eval.py labels_path=../tf_api/data/wildlife_label_map_20k6.pbtxt n_frames=0 show_img=0 n_classes=6 eval_every=0 root_dir=/data/acamp/acamp20k seq_paths=../tf_api/acamp_all_6_class_video.txt random_sampling=0 sleep_time=10 write_summary=1 save_det=1 load_det=1 load_dir=yolov3_weights/acamp15k6_vid_entire_seq_24/latest_on_acamp15k6_vid_entire_seq_inv/ load_samples=seq_to_samples.txt load_samples_root=/data/acamp/acamp20k/acamp15k6_vid_entire_seq_inv score_thresholds=0:1:0.001 allow_seq_skipping=1

best_17 @ acamp15k6_vid_entire_seq/test

CUDA_VISIBLE_DEVICES=1 python3 yolov3_test.py --data_cfg=cfg/acamp15k6_vid_entire_seq.txt --net_cfg=cfg/acamp15k6_vid_entire_seq.cfg --batch_size=24 --weights=yolov3_weights/acamp15k6_vid_entire_seq_24/best_17.pt --test_path=/data/acamp/acamp20k/acamp15k6_vid_entire_seq_inv.txt

CUDA_VISIBLE_DEVICES=1 python3 ../tf_api/tf_api_eval.py labels_path=../tf_api/data/wildlife_label_map_20k6.pbtxt n_frames=0 show_img=0 n_classes=6 eval_every=0 root_dir=/data/acamp/acamp20k seq_paths=../tf_api/acamp_all_6_class_video.txt random_sampling=0 sleep_time=10 write_summary=1 save_det=1 load_det=1 load_dir=yolov3_weights/acamp15k6_vid_entire_seq_24/best_17_on_acamp15k6_vid_entire_seq_inv/ load_samples=seq_to_samples.txt load_samples_root=/data/acamp/acamp20k/acamp15k6_vid_entire_seq_inv score_thresholds=0:1:0.001 allow_seq_skipping=1

acamp15k6_vid_entire_seq_1_per_seq_val @ test

latest @ acamp15k6_vid_entire_seq_1_per_seq_val/test

CUDA_VISIBLE_DEVICES=0 python3 yolov3_test.py --data_cfg=cfg/acamp15k6_vid_entire_seq_1_per_seq_val.txt --net_cfg=cfg/acamp15k6_vid_entire_seq.cfg --batch_size=24 --weights=yolov3_weights/acamp15k6_vid_entire_seq_1_per_seq_val_24/latest.pt --test_path=/data/acamp/acamp20k/acamp15k6_vid_entire_seq_inv.txt

CUDA_VISIBLE_DEVICES=1 python3 ../tf_api/tf_api_eval.py labels_path=../tf_api/data/wildlife_label_map_20k6.pbtxt n_frames=0 show_img=0 n_classes=6 eval_every=0 root_dir=/data/acamp/acamp20k seq_paths=../tf_api/acamp_all_6_class_video.txt random_sampling=0 sleep_time=10 write_summary=1 save_det=1 load_det=1 load_dir=yolov3_weights/acamp15k6_vid_entire_seq_1_per_seq_val_24/latest_on_acamp15k6_vid_entire_seq_inv/ load_samples=seq_to_samples.txt load_samples_root=/data/acamp/acamp20k/acamp15k6_vid_entire_seq_inv score_thresholds=0:1:0.001 allow_seq_skipping=1

best_14 @ acamp15k6_vid_entire_seq_1_per_seq_val/test

CUDA_VISIBLE_DEVICES=0 python3 yolov3_test.py --data_cfg=cfg/acamp15k6_vid_entire_seq_1_per_seq_val.txt --net_cfg=cfg/acamp15k6_vid_entire_seq.cfg --batch_size=24 --weights=yolov3_weights/acamp15k6_vid_entire_seq_1_per_seq_val_24/best_14.pt --test_path=/data/acamp/acamp20k/acamp15k6_vid_entire_seq_inv.txt

CUDA_VISIBLE_DEVICES=1 python3 ../tf_api/tf_api_eval.py labels_path=../tf_api/data/wildlife_label_map_20k6.pbtxt n_frames=0 show_img=0 n_classes=6 eval_every=0 root_dir=/data/acamp/acamp20k seq_paths=../tf_api/acamp_all_6_class_video.txt random_sampling=0 sleep_time=10 write_summary=1 save_det=1 load_det=1 load_dir=yolov3_weights/acamp15k6_vid_entire_seq_1_per_seq_val_24/best_14_on_acamp15k6_vid_entire_seq_inv/ load_samples=seq_to_samples.txt load_samples_root=/data/acamp/acamp20k/acamp15k6_vid_entire_seq_inv score_thresholds=0:1:0.001 allow_seq_skipping=1

acamp1k8_vid @ test

best_354 @ acamp1k8_vid/test

CUDA_VISIBLE_DEVICES=2 python3 yolov3_test.py --data_cfg=cfg/acamp1k8_vid.txt --net_cfg=cfg/acamp1k8_vid.cfg --batch_size=32 --weights=yolov3_weights/acamp1k8_vid_24/best_354.pt --test_path=/data/acamp/acamp20k/acamp1k8_vid_inverted.txt

CUDA_VISIBLE_DEVICES=1 python3 ../tf_api/tf_api_eval.py labels_path=../tf_api/data/wildlife_label_map_4k8.pbtxt n_frames=0 show_img=0 n_classes=8 eval_every=0 root_dir=/data/acamp/acamp20k seq_paths=../tf_api/acamp_all_8_class_video.txt sleep_time=10 write_summary=1 save_det=1 load_det=1 load_dir=yolov3_weights/acamp1k8_vid_24/best_354_on_acamp1k8_vid_inverted/ --load_samples=1 load_samples_root=/data/acamp/acamp20k/acamp1k8_vid_inverted score_thresholds=0:1:0.001

latest @ acamp1k8_vid/test

CUDA_VISIBLE_DEVICES=2 python3 yolov3_test.py --data_cfg=cfg/acamp1k8_vid.txt --net_cfg=cfg/acamp1k8_vid.cfg --batch_size=32 --weights=yolov3_weights/acamp1k8_vid_24/latest.pt --test_path=/data/acamp/acamp20k/acamp1k8_vid_inverted.txt

CUDA_VISIBLE_DEVICES=1 python3 ../tf_api/tf_api_eval.py labels_path=../tf_api/data/wildlife_label_map_4k8.pbtxt n_frames=0 show_img=0 n_classes=8 eval_every=0 root_dir=/data/acamp/acamp20k seq_paths=../tf_api/acamp_all_8_class_video.txt sleep_time=10 write_summary=1 save_det=1 load_det=1 load_dir=yolov3_weights/acamp1k8_vid_24/latest_on_acamp1k8_vid_inverted/ --load_samples=1 load_samples_root=/data/acamp/acamp20k/acamp1k8_vid_inverted score_thresholds=0:1:0.001

acamp1k8_vid_entire_seq @ test

latest @ acamp1k8_vid_entire_seq/test

CUDA_VISIBLE_DEVICES=1 python3 yolov3_test.py --data_cfg=cfg/acamp1k8_vid_entire_seq.txt --net_cfg=cfg/acamp1k8_vid_entire_seq.cfg --batch_size=24 --weights=yolov3_weights/acamp1k8_vid_entire_seq_24_mp/latest.pt --test_path=/data/acamp/acamp20k/acamp1k8_vid_entire_seq_inv.txt

CUDA_VISIBLE_DEVICES=1 python3 ../tf_api/tf_api_eval.py labels_path=../tf_api/data/wildlife_label_map_4k8.pbtxt n_frames=0 show_img=0 n_classes=8 eval_every=0 root_dir=/data/acamp/acamp20k seq_paths=../tf_api/acamp_all_8_class_video.txt random_sampling=0 sleep_time=10 write_summary=1 save_det=1 load_det=1 load_dir=yolov3_weights/acamp1k8_vid_entire_seq_24_mp/latest_on_acamp1k8_vid_entire_seq_inv/ load_samples=seq_to_samples.txt load_samples_root=/data/acamp/acamp20k/acamp1k8_vid_entire_seq_inv score_thresholds=0:1:0.001 allow_seq_skipping=1

max_trackers_1_ua_filter_0 @ latest/acamp1k8_vid_entire_seq/test

CUDA_VISIBLE_DEVICES=1 python3 yolov3_test.py --data_cfg=cfg/acamp1k8_vid_entire_seq.txt --net_cfg=cfg/acamp1k8_vid_entire_seq.cfg --batch_size=1 --weights=yolov3_weights/acamp1k8_vid_entire_seq_24_mp/latest.pt --test_path=/data/acamp/acamp20k/acamp1k8_vid_entire_seq_inv.txt tracker_type=rpn max_trackers=1 vis=0 da_siam_rpn.gpu_id=0 save_dir=latest_on_acamp1k8_vid_entire_seq_inv_rpn_max_trackers_1_ua_filter_0 filter_unassociated=0

CUDA_VISIBLE_DEVICES=1 python3 ../tf_api/tf_api_eval.py labels_path=../tf_api/data/wildlife_label_map_4k8.pbtxt n_frames=0 show_img=0 n_classes=8 eval_every=0 root_dir=/data/acamp/acamp20k seq_paths=../tf_api/acamp_all_8_class_video.txt random_sampling=0 sleep_time=10 write_summary=1 save_det=1 load_det=1 load_dir=yolov3_weights/acamp1k8_vid_entire_seq_24_mp/latest_on_acamp1k8_vid_entire_seq_inv_rpn_max_trackers_1_ua_filter_0/ load_samples=seq_to_samples.txt load_samples_root=/data/acamp/acamp20k/acamp1k8_vid_entire_seq_inv score_thresholds=0:1:0.001 allow_seq_skipping=1

max_trackers_2_ua_filter_0 @ latest/acamp1k8_vid_entire_seq/test

CUDA_VISIBLE_DEVICES=2 python3 yolov3_test.py --data_cfg=cfg/acamp1k8_vid_entire_seq.txt --net_cfg=cfg/acamp1k8_vid_entire_seq.cfg --batch_size=1 --weights=yolov3_weights/acamp1k8_vid_entire_seq_24_mp/latest.pt --test_path=/data/acamp/acamp20k/acamp1k8_vid_entire_seq_inv.txt tracker_type=rpn max_trackers=2 vis=0 da_siam_rpn.gpu_id=0 save_dir=latest_on_acamp1k8_vid_entire_seq_inv_rpn_max_trackers_2_ua_filter_0 filter_unassociated=0

CUDA_VISIBLE_DEVICES=1 python3 ../tf_api/tf_api_eval.py labels_path=../tf_api/data/wildlife_label_map_4k8.pbtxt n_frames=0 show_img=0 n_classes=8 eval_every=0 root_dir=/data/acamp/acamp20k seq_paths=../tf_api/acamp_all_8_class_video.txt random_sampling=0 sleep_time=10 write_summary=1 save_det=1 load_det=1 load_dir=yolov3_weights/acamp1k8_vid_entire_seq_24_mp/latest_on_acamp1k8_vid_entire_seq_inv_rpn_max_trackers_2_ua_filter_0/ load_samples=seq_to_samples.txt load_samples_root=/data/acamp/acamp20k/acamp1k8_vid_entire_seq_inv score_thresholds=0:1:0.001 allow_seq_skipping=1

max_trackers_1_ua_filter_0_ua_thresh_0 @ latest/acamp1k8_vid_entire_seq/test

CUDA_VISIBLE_DEVICES=2 python3 yolov3_test.py --data_cfg=cfg/acamp1k8_vid_entire_seq.txt --net_cfg=cfg/acamp1k8_vid_entire_seq.cfg --batch_size=1 --weights=yolov3_weights/acamp1k8_vid_entire_seq_24_mp/latest.pt --test_path=/data/acamp/acamp20k/acamp1k8_vid_entire_seq_inv.txt tracker_type=rpn max_trackers=1 vis=0 da_siam_rpn.gpu_id=0 save_dir=latest_on_acamp1k8_vid_entire_seq_inv_rpn_max_trackers_1_ua_filter_0_ua_thresh_0 filter_unassociated=0 unassoc_thresh=0

CUDA_VISIBLE_DEVICES=1 python3 ../tf_api/tf_api_eval.py labels_path=../tf_api/data/wildlife_label_map_4k8.pbtxt n_frames=0 show_img=0 n_classes=8 eval_every=0 root_dir=/data/acamp/acamp20k seq_paths=../tf_api/acamp_all_8_class_video.txt random_sampling=0 sleep_time=10 write_summary=1 save_det=1 load_det=1 load_dir=yolov3_weights/acamp1k8_vid_entire_seq_24_mp/latest_on_acamp1k8_vid_entire_seq_inv_rpn_max_trackers_1_ua_filter_0_ua_thresh_0/ load_samples=seq_to_samples.txt load_samples_root=/data/acamp/acamp20k/acamp1k8_vid_entire_seq_inv score_thresholds=0:1:0.001 allow_seq_skipping=1

max_trackers_2_ua_filter_0_ua_thresh_0 @ latest/acamp1k8_vid_entire_seq/test

CUDA_VISIBLE_DEVICES=2 python3 yolov3_test.py --data_cfg=cfg/acamp1k8_vid_entire_seq.txt --net_cfg=cfg/acamp1k8_vid_entire_seq.cfg --batch_size=1 --weights=yolov3_weights/acamp1k8_vid_entire_seq_24_mp/latest.pt --test_path=/data/acamp/acamp20k/acamp1k8_vid_entire_seq_inv.txt tracker_type=rpn max_trackers=2 vis=0 da_siam_rpn.gpu_id=0 save_dir=latest_on_acamp1k8_vid_entire_seq_inv_rpn_max_trackers_2_ua_filter_0_ua_thresh_0 filter_unassociated=0 unassoc_thresh=0

CUDA_VISIBLE_DEVICES=1 python3 ../tf_api/tf_api_eval.py labels_path=../tf_api/data/wildlife_label_map_4k8.pbtxt n_frames=0 show_img=0 n_classes=8 eval_every=0 root_dir=/data/acamp/acamp20k seq_paths=../tf_api/acamp_all_8_class_video.txt random_sampling=0 sleep_time=10 write_summary=1 save_det=1 load_det=1 load_dir=yolov3_weights/acamp1k8_vid_entire_seq_24_mp/latest_on_acamp1k8_vid_entire_seq_inv_rpn_max_trackers_2_ua_filter_0_ua_thresh_0/ load_samples=seq_to_samples.txt load_samples_root=/data/acamp/acamp20k/acamp1k8_vid_entire_seq_inv score_thresholds=0:1:0.001 allow_seq_skipping=1

max_trackers_3_ua_filter_0_ua_thresh_0 @ latest/acamp1k8_vid_entire_seq/test

CUDA_VISIBLE_DEVICES=2 python3 yolov3_test.py --data_cfg=cfg/acamp1k8_vid_entire_seq.txt --net_cfg=cfg/acamp1k8_vid_entire_seq.cfg --batch_size=1 --weights=yolov3_weights/acamp1k8_vid_entire_seq_24_mp/latest.pt --test_path=/data/acamp/acamp20k/acamp1k8_vid_entire_seq_inv.txt tracker_type=rpn max_trackers=3 vis=0 da_siam_rpn.gpu_id=0 save_dir=latest_on_acamp1k8_vid_entire_seq_inv_rpn_max_trackers_3_ua_filter_0_ua_thresh_0 filter_unassociated=0 unassoc_thresh=0

CUDA_VISIBLE_DEVICES=1 python3 ../tf_api/tf_api_eval.py labels_path=../tf_api/data/wildlife_label_map_4k8.pbtxt n_frames=0 show_img=0 n_classes=8 eval_every=0 root_dir=/data/acamp/acamp20k seq_paths=../tf_api/acamp_all_8_class_video.txt random_sampling=0 sleep_time=10 write_summary=1 save_det=1 load_det=1 load_dir=yolov3_weights/acamp1k8_vid_entire_seq_24_mp/latest_on_acamp1k8_vid_entire_seq_inv_rpn_max_trackers_3_ua_filter_0_ua_thresh_0/ load_samples=seq_to_samples.txt load_samples_root=/data/acamp/acamp20k/acamp1k8_vid_entire_seq_inv score_thresholds=0:1:0.001 allow_seq_skipping=1

best_1 @ acamp1k8_vid_entire_seq/test

CUDA_VISIBLE_DEVICES=1 python3 yolov3_test.py --data_cfg=cfg/acamp1k8_vid_entire_seq.txt --net_cfg=cfg/acamp1k8_vid_entire_seq.cfg --batch_size=24 --weights=yolov3_weights/acamp1k8_vid_entire_seq_24_mp/best_1.pt --test_path=/data/acamp/acamp20k/acamp1k8_vid_entire_seq_inv.txt

CUDA_VISIBLE_DEVICES=1 python3 ../tf_api/tf_api_eval.py labels_path=../tf_api/data/wildlife_label_map_4k8.pbtxt n_frames=0 show_img=0 n_classes=8 eval_every=0 root_dir=/data/acamp/acamp20k seq_paths=../tf_api/acamp_all_8_class_video.txt random_sampling=0 sleep_time=10 write_summary=1 save_det=1 load_det=1 load_dir=yolov3_weights/acamp1k8_vid_entire_seq_24_mp/best_1_on_acamp1k8_vid_entire_seq_inv/ load_samples=seq_to_samples.txt load_samples_root=/data/acamp/acamp20k/acamp1k8_vid_entire_seq_inv score_thresholds=0:1:0.001 allow_seq_skipping=1

1k8_vid_even_min_1 @ test

latest @ 1k8_vid_even_min_1/test

CUDA_VISIBLE_DEVICES=2 python3 yolov3_test.py --data_cfg=cfg/1k8_vid_even_min_1.txt --net_cfg=cfg/1k8_vid_even_min_1.cfg --batch_size=4 --weights=yolov3_weights/1k8_vid_even_min_1_24_mp/latest.pt --test_path=/data/acamp/acamp20k/1k8_vid_even_min_1_inv.txt

CUDA_VISIBLE_DEVICES=2 python3 ../tf_api/tf_api_eval.py labels_path=../tf_api/data/wildlife_label_map_4k8.pbtxt n_frames=0 show_img=0 n_classes=8 eval_every=0 root_dir=/data/acamp/acamp20k seq_paths=../tf_api/acamp_all_8_class_video.txt random_sampling=0 sleep_time=10 write_summary=1 save_det=1 load_det=1 load_dir=yolov3_weights/1k8_vid_even_min_1_24_mp/latest_on_1k8_vid_even_min_1_inv/ load_samples=seq_to_samples.txt load_samples_root=/data/acamp/acamp20k/1k8_vid_even_min_1_inv score_thresholds=0:1:0.001 allow_seq_skipping=1 n_threads=1

p1_a_h_no_mask_3_class_30 @ test

best_362 @ p1_a_h_no_mask_3_class_30/test

p1_a_h_3_class_30_inverted @ best_362/p1_a_h_no_mask_3_class_30/test

CUDA_VISIBLE_DEVICES=2 python3 yolov3_test.py --data_cfg=cfg/p1_a_h_no_mask_3_class_30.txt --net_cfg=cfg/p1_a_h_no_mask_3_class_30.cfg --batch_size=32 --weights=yolov3_weights/p1_a_h_no_mask_3_class_30/best_362.pt --test_path=/data/acamp/acamp20k/p1_a_h_3_class_30_inverted.txt

CUDA_VISIBLE_DEVICES=1 python3 ../tf_api/tf_api_eval.py labels_path=../tf_api/data/wildlife_label_map_20k3a.pbtxt n_frames=0 show_img=0 n_classes=3 eval_every=0 root_dir=/data/acamp/acamp20k/prototype_1 seq_paths=../tf_api/p1_a_h_3_class.txt sleep_time=10 write_summary=1 save_det=1 load_det=1 load_dir=yolov3_weights/p1_a_h_no_mask_3_class_30/best_362_on_p1_a_h_3_class_30_inverted/ load_samples=1 load_samples_root=/data/acamp/acamp20k/p1_a_h_3_class_30_inverted score_thresholds=0:1:0.001

latest @ p1_a_h_no_mask_3_class_30/test

p1_a_h_3_class_30_inverted @ latest/p1_a_h_no_mask_3_class_30/test

CUDA_VISIBLE_DEVICES=2 python3 yolov3_test.py --data_cfg=cfg/p1_a_h_no_mask_3_class_30.txt --net_cfg=cfg/p1_a_h_no_mask_3_class_30.cfg --batch_size=32 --weights=yolov3_weights/p1_a_h_no_mask_3_class_30/latest.pt --test_path=/data/acamp/acamp20k/p1_a_h_3_class_30_inverted.txt

CUDA_VISIBLE_DEVICES=1 python3 ../tf_api/tf_api_eval.py labels_path=../tf_api/data/wildlife_label_map_20k3a.pbtxt n_frames=0 show_img=0 n_classes=3 eval_every=0 root_dir=/data/acamp/acamp20k/prototype_1 seq_paths=../tf_api/p1_a_h_3_class.txt sleep_time=10 write_summary=1 save_det=1 load_det=1 load_dir=yolov3_weights/p1_a_h_no_mask_3_class_30/latest_on_p1_a_h_3_class_30_inverted/ load_samples=1 load_samples_root=/data/acamp/acamp20k/p1_a_h_3_class_30_inverted score_thresholds=0:1:0.001

p1_a_h_no_mask_4_class_30 @ test

best_375 @ p1_a_h_no_mask_4_class_30/test

p1_a_h_4_class_30_inverted @ best_375/p1_a_h_no_mask_4_class_30/test

CUDA_VISIBLE_DEVICES=2 python3 yolov3_test.py --data_cfg=cfg/p1_a_h_no_mask_4_class_30.txt --net_cfg=cfg/p1_a_h_no_mask_4_class_30.cfg --batch_size=32 --weights=yolov3_weights/p1_a_h_no_mask_4_class_30/best_375.pt --test_path=/data/acamp/acamp20k/p1_a_h_4_class_30_inverted.txt

CUDA_VISIBLE_DEVICES=1 python3 ../tf_api/tf_api_eval.py labels_path=../tf_api/data/wildlife_label_map_20k4.pbtxt n_frames=0 show_img=0 n_classes=4 eval_every=0 root_dir=/data/acamp/acamp20k/prototype_1 seq_paths=../tf_api/p1_a_h_4_class.txt sleep_time=10 write_summary=1 save_det=1 load_det=1 load_dir=yolov3_weights/p1_a_h_no_mask_4_class_30/best_375_on_p1_a_h_4_class_30_inverted/ load_samples=1 load_samples_root=/data/acamp/acamp20k/p1_a_h_4_class_30_inverted score_thresholds=0:1:0.001

latest @ p1_a_h_no_mask_4_class_30/test

p1_a_h_4_class_30_inverted @ latest/p1_a_h_no_mask_4_class_30/test

CUDA_VISIBLE_DEVICES=2 python3 yolov3_test.py --data_cfg=cfg/p1_a_h_no_mask_4_class_30.txt --net_cfg=cfg/p1_a_h_no_mask_4_class_30.cfg --batch_size=32 --weights=yolov3_weights/p1_a_h_no_mask_4_class_30/latest.pt --test_path=/data/acamp/acamp20k/p1_a_h_4_class_30_inverted.txt

CUDA_VISIBLE_DEVICES=1 python3 ../tf_api/tf_api_eval.py labels_path=../tf_api/data/wildlife_label_map_20k4.pbtxt n_frames=0 show_img=0 n_classes=4 eval_every=0 root_dir=/data/acamp/acamp20k/prototype_1 seq_paths=../tf_api/p1_a_h_4_class.txt sleep_time=10 write_summary=1 save_det=1 load_det=1 load_dir=yolov3_weights/p1_a_h_no_mask_4_class_30/latest_on_p1_a_h_4_class_30_inverted/ load_samples=1 load_samples_root=/data/acamp/acamp20k/p1_a_h_4_class_30_inverted score_thresholds=0:1:0.001

p1_a_h_3_class_30 @ test

best_556 @ p1_a_h_3_class_30/test

CUDA_VISIBLE_DEVICES=1 python3 yolov3_test.py --data_cfg=cfg/p1_a_h_3_class_30.txt --net_cfg=cfg/p1_a_h_3_class_30.cfg --batch_size=32 --weights=yolov3_weights/p1_a_h_3_class_30/best_556.pt --test_path=/data/acamp/acamp20k/p1_a_h_3_class_30_inverted.txt

CUDA_VISIBLE_DEVICES=1 python3 ../tf_api/tf_api_eval.py labels_path=../tf_api/data/wildlife_label_map_20k3a.pbtxt n_frames=0 show_img=0 n_classes=3 eval_every=0 root_dir=/data/acamp/acamp20k/prototype_1 seq_paths=../tf_api/p1_a_h_3_class.txt sleep_time=10 write_summary=1 save_det=1 load_det=1 load_dir=yolov3_weights/p1_a_h_3_class_30/best_556_on_p1_a_h_3_class_30_inverted/ load_samples=1 load_samples_root=/data/acamp/acamp20k/p1_a_h_3_class_30_inverted score_thresholds=0:1:0.001

latest @ p1_a_h_3_class_30/test

CUDA_VISIBLE_DEVICES=1 python3 yolov3_test.py --data_cfg=cfg/p1_a_h_3_class_30.txt --net_cfg=cfg/p1_a_h_3_class_30.cfg --batch_size=32 --weights=yolov3_weights/p1_a_h_3_class_30/latest.pt --test_path=/data/acamp/acamp20k/p1_a_h_3_class_30_inverted.txt

CUDA_VISIBLE_DEVICES=1 python3 ../tf_api/tf_api_eval.py labels_path=../tf_api/data/wildlife_label_map_20k3a.pbtxt n_frames=0 show_img=0 n_classes=3 eval_every=0 root_dir=/data/acamp/acamp20k/prototype_1 seq_paths=../tf_api/p1_a_h_3_class.txt sleep_time=10 write_summary=1 save_det=1 load_det=1 load_dir=yolov3_weights/p1_a_h_3_class_30/latest_on_p1_a_h_3_class_30_inverted/ load_samples=1 load_samples_root=/data/acamp/acamp20k/p1_a_h_3_class_30_inverted score_thresholds=0:1:0.001

p1_a_h_4_class_30 @ test

best_1740 @ p1_a_h_4_class_30/test

CUDA_VISIBLE_DEVICES=2 python3 yolov3_test.py --data_cfg=cfg/p1_a_h_4_class_30.txt --net_cfg=cfg/p1_a_h_4_class_30.cfg --batch_size=32 --weights=yolov3_weights/p1_a_h_4_class_30/best_1740.pt --test_path=/data/acamp/acamp20k/p1_a_h_4_class_30_inverted.txt

CUDA_VISIBLE_DEVICES=1 python3 ../tf_api/tf_api_eval.py labels_path=../tf_api/data/wildlife_label_map_20k4.pbtxt n_frames=0 show_img=0 n_classes=4 eval_every=0 root_dir=/data/acamp/acamp20k/prototype_1 seq_paths=../tf_api/p1_a_h_4_class.txt sleep_time=10 write_summary=1 save_det=1 load_det=1 load_dir=yolov3_weights/p1_a_h_4_class_30/best_1740_on_p1_a_h_4_class_30_inverted/ load_samples=1 load_samples_root=/data/acamp/acamp20k/p1_a_h_4_class_30_inverted score_thresholds=0:1:0.001 show_img=1

latest @ p1_a_h_4_class_30/test

CUDA_VISIBLE_DEVICES=0 python3 yolov3_test.py --data_cfg=cfg/p1_a_h_4_class_30.txt --net_cfg=cfg/p1_a_h_4_class_30.cfg --batch_size=32 --weights=yolov3_weights/p1_a_h_4_class_30/latest.pt --test_path=/data/acamp/acamp20k/p1_a_h_4_class_30_inverted.txt

CUDA_VISIBLE_DEVICES=1 python3 ../tf_api/tf_api_eval.py labels_path=../tf_api/data/wildlife_label_map_20k4.pbtxt n_frames=0 show_img=0 n_classes=4 eval_every=0 root_dir=/data/acamp/acamp20k/prototype_1 seq_paths=../tf_api/p1_a_h_4_class.txt sleep_time=10 write_summary=1 save_det=1 load_det=1 load_dir=yolov3_weights/p1_a_h_4_class_30/latest_on_p1_a_h_4_class_30_inverted/ load_samples=1 load_samples_root=/data/acamp/acamp20k/p1_a_h_4_class_30_inverted score_thresholds=0:1:0.001

p1_a_h_4_class_30_rt @ test

best_454 @ p1_a_h_4_class_30_rt/test

CUDA_VISIBLE_DEVICES=2 python3 yolov3_test.py --data_cfg=cfg/p1_a_h_4_class_30.txt --net_cfg=cfg/p1_a_h_4_class_30.cfg --batch_size=32 --weights=yolov3_weights/p1_a_h_4_class_30_rt/best_454.pt --test_path=/data/acamp/acamp20k/p1_a_h_4_class_30_inverted.txt

CUDA_VISIBLE_DEVICES=1 python3 ../tf_api/tf_api_eval.py labels_path=../tf_api/data/wildlife_label_map_20k4.pbtxt n_frames=0 show_img=0 n_classes=4 eval_every=0 root_dir=/data/acamp/acamp20k/prototype_1 seq_paths=../tf_api/p1_a_h_4_class.txt sleep_time=10 write_summary=1 save_det=1 load_det=1 load_dir=yolov3_weights/p1_a_h_4_class_30_rt/best_454_on_p1_a_h_4_class_30_inverted/ load_samples=1 load_samples_root=/data/acamp/acamp20k/p1_a_h_4_class_30_inverted score_thresholds=0:1:0.001

latest @ p1_a_h_4_class_30_rt/test

CUDA_VISIBLE_DEVICES=1 python3 yolov3_test.py --data_cfg=cfg/p1_a_h_4_class_30.txt --net_cfg=cfg/p1_a_h_4_class_30.cfg --batch_size=32 --weights=yolov3_weights/p1_a_h_4_class_30_rt/latest.pt --test_path=/data/acamp/acamp20k/p1_a_h_4_class_30_inverted.txt

CUDA_VISIBLE_DEVICES=1 python3 ../tf_api/tf_api_eval.py labels_path=../tf_api/data/wildlife_label_map_20k4.pbtxt n_frames=0 show_img=0 n_classes=4 eval_every=0 root_dir=/data/acamp/acamp20k/prototype_1 seq_paths=../tf_api/p1_a_h_4_class.txt sleep_time=10 write_summary=1 save_det=1 load_det=1 load_dir=yolov3_weights/p1_a_h_4_class_30_rt/latest_on_p1_a_h_4_class_30_inverted/ load_samples=1 load_samples_root=/data/acamp/acamp20k/p1_a_h_4_class_30_inverted score_thresholds=0:1:0.001

p1_a_h_no_mask_bear_3_frg_per_bkg @ test

best_874 @ p1_a_h_no_mask_bear_3_frg_per_bkg/test

CUDA_VISIBLE_DEVICES=2 python3 yolov3_test.py --data_cfg=cfg/p1_a_h_no_mask_bear_3_frg_per_bkg.txt --net_cfg=cfg/p1_a_h_no_mask_bear_3_frg_per_bkg.cfg --batch_size=32 --weights=yolov3_weights/p1_a_h_no_mask_bear_3_frg_per_bkg/best_874.pt --test_path=/data/acamp/acamp20k/p1_a_h_bear_3_frg_per_bkg_inv.txt

CUDA_VISIBLE_DEVICES=1 python3 ../tf_api/tf_api_eval.py labels_path=../tf_api/data/wildlife_label_map_bear.pbtxt n_frames=0 show_img=0 n_classes=1 eval_every=0 root_dir=/data/acamp/acamp20k/prototype_1 seq_paths=../tf_api/p1_a_h_bear.txt sleep_time=10 write_summary=1 save_det=1 load_det=1 load_dir=yolov3_weights/p1_a_h_no_mask_bear_3_frg_per_bkg/best_874_on_p1_a_h_bear_3_frg_per_bkg_inv/ load_samples=1 load_samples_root=/data/acamp/acamp20k/p1_a_h_bear_3_frg_per_bkg_inv score_thresholds=0:1:0.001 show_img=0

latest @ p1_a_h_no_mask_bear_3_frg_per_bkg/test

CUDA_VISIBLE_DEVICES=0 python3 yolov3_test.py --data_cfg=cfg/p1_a_h_no_mask_bear_3_frg_per_bkg.txt --net_cfg=cfg/p1_a_h_no_mask_bear_3_frg_per_bkg.cfg --batch_size=32 --weights=yolov3_weights/p1_a_h_no_mask_bear_3_frg_per_bkg/latest.pt --test_path=/data/acamp/acamp20k/p1_a_h_bear_3_frg_per_bkg_inv.txt

CUDA_VISIBLE_DEVICES=1 python3 ../tf_api/tf_api_eval.py labels_path=../tf_api/data/wildlife_label_map_bear.pbtxt n_frames=0 show_img=0 n_classes=1 eval_every=0 root_dir=/data/acamp/acamp20k/prototype_1 seq_paths=../tf_api/p1_a_h_bear.txt sleep_time=10 write_summary=1 save_det=1 load_det=1 load_dir=yolov3_weights/p1_a_h_no_mask_bear_3_frg_per_bkg/latest_on_p1_a_h_bear_3_frg_per_bkg_inv/ load_samples=1 load_samples_root=/data/acamp/acamp20k/p1_a_h_bear_3_frg_per_bkg_inv score_thresholds=0:1:0.001

p1_bear_a_h_mask_rcnn_resnet101_1_seq_to_samples_3_frg_per_bkg @ test

best_685 @ p1_bear_a_h_mask_rcnn_resnet101_1_seq_to_samples_3_frg_per_bkg/test

CUDA_VISIBLE_DEVICES=2 python3 yolov3_test.py --data_cfg=cfg/p1_bear_a_h_mask_rcnn_resnet101_1_seq_to_samples_3_frg_per_bkg.txt --net_cfg=cfg/p1_bear_a_h_mask_rcnn_resnet101_1_seq_to_samples_3_frg_per_bkg.cfg --batch_size=32 --weights=yolov3_weights/p1_bear_a_h_mask_rcnn_resnet101_1_seq_to_samples_3_frg_per_bkg/best_685.pt --test_path=/data/acamp/acamp20k/p1_a_h_bear_3_frg_per_bkg_inv.txt

CUDA_VISIBLE_DEVICES=1 python3 ../tf_api/tf_api_eval.py labels_path=../tf_api/data/wildlife_label_map_bear.pbtxt n_frames=0 show_img=0 n_classes=1 eval_every=0 root_dir=/data/acamp/acamp20k/prototype_1 seq_paths=../tf_api/p1_a_h_bear.txt sleep_time=10 write_summary=1 save_det=1 load_det=1 load_dir=yolov3_weights/p1_bear_a_h_mask_rcnn_resnet101_1_seq_to_samples_3_frg_per_bkg/best_685_on_p1_a_h_bear_3_frg_per_bkg_inv/ load_samples=1 load_samples_root=/data/acamp/acamp20k/p1_a_h_bear_3_frg_per_bkg_inv score_thresholds=0:1:0.001 show_img=0

latest @ p1_bear_a_h_mask_rcnn_resnet101_1_seq_to_samples_3_frg_per_bkg/test

CUDA_VISIBLE_DEVICES=0 python3 yolov3_test.py --data_cfg=cfg/p1_bear_a_h_mask_rcnn_resnet101_1_seq_to_samples_3_frg_per_bkg.txt --net_cfg=cfg/p1_bear_a_h_mask_rcnn_resnet101_1_seq_to_samples_3_frg_per_bkg.cfg --batch_size=32 --weights=yolov3_weights/p1_bear_a_h_mask_rcnn_resnet101_1_seq_to_samples_3_frg_per_bkg/latest.pt --test_path=/data/acamp/acamp20k/p1_a_h_bear_3_frg_per_bkg_inv.txt

CUDA_VISIBLE_DEVICES=1 python3 ../tf_api/tf_api_eval.py labels_path=../tf_api/data/wildlife_label_map_bear.pbtxt n_frames=0 show_img=0 n_classes=1 eval_every=0 root_dir=/data/acamp/acamp20k/prototype_1 seq_paths=../tf_api/p1_a_h_bear.txt sleep_time=10 write_summary=1 save_det=1 load_det=1 load_dir=yolov3_weights/p1_bear_a_h_mask_rcnn_resnet101_1_seq_to_samples_3_frg_per_bkg/latest_on_p1_a_h_bear_3_frg_per_bkg_inv/ load_samples=1 load_samples_root=/data/acamp/acamp20k/p1_a_h_bear_3_frg_per_bkg_inv score_thresholds=0:1:0.001

p1_3_class_a_h_3_frg_per_bkg @ test

best_927 @ p1_3_class_a_h_3_frg_per_bkg/test

CUDA_VISIBLE_DEVICES=2 python3 yolov3_test.py --data_cfg=cfg/p1_3_class_a_h_3_frg_per_bkg.txt --net_cfg=cfg/p1_3_class_a_h_3_frg_per_bkg.cfg --batch_size=32 --weights=yolov3_weights/p1_3_class_a_h_3_frg_per_bkg/best_927.pt --test_path=/data/acamp/acamp20k/p1_3_class_a_h_3_frg_per_bkg_inv.txt

CUDA_VISIBLE_DEVICES=1 python3 ../tf_api/tf_api_eval.py labels_path=../tf_api/data/wildlife_label_map_20k3a.pbtxt n_frames=0 show_img=0 n_classes=3 eval_every=0 root_dir=/data/acamp/acamp20k/prototype_1 seq_paths=../tf_api/p1_a_h_3_class.txt sleep_time=10 write_summary=1 save_det=1 load_det=1 load_dir=yolov3_weights/p1_3_class_a_h_3_frg_per_bkg/best_927_on_p1_3_class_a_h_3_frg_per_bkg_inv/ load_samples=1 load_samples_root=/data/acamp/acamp20k/p1_3_class_a_h_3_frg_per_bkg_inv score_thresholds=0:1:0.001

latest @ p1_3_class_a_h_3_frg_per_bkg/test

CUDA_VISIBLE_DEVICES=2 python3 yolov3_test.py --data_cfg=cfg/p1_3_class_a_h_3_frg_per_bkg.txt --net_cfg=cfg/p1_3_class_a_h_3_frg_per_bkg.cfg --batch_size=32 --weights=yolov3_weights/p1_3_class_a_h_3_frg_per_bkg/latest.pt --test_path=/data/acamp/acamp20k/p1_3_class_a_h_3_frg_per_bkg_inv.txt

CUDA_VISIBLE_DEVICES=1 python3 ../tf_api/tf_api_eval.py labels_path=../tf_api/data/wildlife_label_map_20k3a.pbtxt n_frames=0 show_img=0 n_classes=3 eval_every=0 root_dir=/data/acamp/acamp20k/prototype_1 seq_paths=../tf_api/p1_a_h_3_class.txt sleep_time=10 write_summary=1 save_det=1 load_det=1 load_dir=yolov3_weights/p1_3_class_a_h_3_frg_per_bkg/latest_on_p1_3_class_a_h_3_frg_per_bkg_inv/ load_samples=1 load_samples_root=/data/acamp/acamp20k/p1_3_class_a_h_3_frg_per_bkg_inv score_thresholds=0:1:0.001

p1_4_class_a_h_3_frg_per_bkg @ test

best_909 @ p1_4_class_a_h_3_frg_per_bkg/test

CUDA_VISIBLE_DEVICES=2 python3 yolov3_test.py --data_cfg=cfg/p1_4_class_a_h_3_frg_per_bkg.txt --net_cfg=cfg/p1_a_h_4_class_30.cfg --batch_size=32 --weights=yolov3_weights/p1_a_h_4_class_30/best_1740.pt --test_path=/data/acamp/acamp20k/p1_4_class_a_h_3_frg_per_bkg_inverted.txt

CUDA_VISIBLE_DEVICES=1 python3 ../tf_api/tf_api_eval.py labels_path=../tf_api/data/wildlife_label_map_20k4.pbtxt n_frames=0 show_img=0 n_classes=4 eval_every=0 root_dir=/data/acamp/acamp20k/prototype_1 seq_paths=../tf_api/p1_a_h_4_class.txt sleep_time=10 write_summary=1 save_det=1 load_det=1 load_dir=yolov3_weights/p1_a_h_4_class_30/best_1740_on_p1_a_h_4_class_30_inverted/ load_samples=1 load_samples_root=/data/acamp/acamp20k/p1_a_h_4_class_30_inverted score_thresholds=0:1:0.001 show_img=1

latest @ p1_4_class_a_h_3_frg_per_bkg/test

CUDA_VISIBLE_DEVICES=0 python3 yolov3_test.py --data_cfg=cfg/p1_4_class_a_h_3_frg_per_bkg.txt --net_cfg=cfg/p1_4_class_a_h_3_frg_per_bkg.cfg --batch_size=32 --weights=yolov3_weights/p1_4_class_a_h_3_frg_per_bkg/latest.pt --test_path=/data/acamp/acamp20k/p1_4_class_a_h_3_frg_per_bkg_inv.txt

CUDA_VISIBLE_DEVICES=1 python3 ../tf_api/tf_api_eval.py labels_path=../tf_api/data/wildlife_label_map_20k4.pbtxt n_frames=0 show_img=0 n_classes=4 eval_every=0 root_dir=/data/acamp/acamp20k/prototype_1 seq_paths=../tf_api/p1_a_h_4_class.txt sleep_time=10 write_summary=1 save_det=1 load_det=1 load_dir=yolov3_weights/p1_4_class_a_h_3_frg_per_bkg/latest_on_p1_4_class_a_h_3_frg_per_bkg_inv/ load_samples=1 load_samples_root=/data/acamp/acamp20k/p1_4_class_a_h_3_frg_per_bkg_inv score_thresholds=0:1:0.001

p1_3_class_a_h_no_mask_3_frg_per_bkg @ test

latest_on_p1_3_class_a_h_3_frg_per_bkg_inv @ p1_3_class_a_h_no_mask_3_frg_per_bkg/test

CUDA_VISIBLE_DEVICES=2 python3 yolov3_test.py --data_cfg=cfg/p1_3_class_a_h_no_mask_3_frg_per_bkg.txt --net_cfg=cfg/p1_3_class_a_h_no_mask_3_frg_per_bkg.cfg --batch_size=32 --weights=yolov3_weights/p1_3_class_a_h_no_mask_3_frg_per_bkg/latest.pt --test_path=/data/acamp/acamp20k/p1_3_class_a_h_3_frg_per_bkg_inv.txt

CUDA_VISIBLE_DEVICES=1 python3 ../tf_api/tf_api_eval.py labels_path=../tf_api/data/wildlife_label_map_20k3a.pbtxt n_frames=0 show_img=0 n_classes=3 eval_every=0 root_dir=/data/acamp/acamp20k/prototype_1 seq_paths=../tf_api/p1_a_h_3_class.txt sleep_time=10 write_summary=1 save_det=1 load_det=1 load_dir=yolov3_weights/p1_3_class_a_h_no_mask_3_frg_per_bkg/latest_on_p1_3_class_a_h_3_frg_per_bkg_inv/ load_samples=1 load_samples_root=/data/acamp/acamp20k/p1_3_class_a_h_3_frg_per_bkg_inv score_thresholds=0:1:0.001

p1_4_class_a_h_no_mask_3_frg_per_bkg @ test

latest_on_p1_4_class_a_h_3_frg_per_bkg_inv @ p1_4_class_a_h_no_mask_3_frg_per_bkg/test

CUDA_VISIBLE_DEVICES=0 python3 yolov3_test.py --data_cfg=cfg/p1_4_class_a_h_no_mask_3_frg_per_bkg.txt --net_cfg=cfg/p1_4_class_a_h_no_mask_3_frg_per_bkg.cfg --batch_size=32 --weights=yolov3_weights/p1_4_class_a_h_no_mask_3_frg_per_bkg/latest.pt --test_path=/data/acamp/acamp20k/p1_4_class_a_h_3_frg_per_bkg_inv.txt

CUDA_VISIBLE_DEVICES=1 python3 ../tf_api/tf_api_eval.py labels_path=../tf_api/data/wildlife_label_map_20k4.pbtxt n_frames=0 show_img=0 n_classes=4 eval_every=0 root_dir=/data/acamp/acamp20k/prototype_1 seq_paths=../tf_api/p1_a_h_4_class.txt sleep_time=10 write_summary=1 save_det=1 load_det=1 load_dir=yolov3_weights/p1_4_class_a_h_no_mask_3_frg_per_bkg/latest_on_p1_4_class_a_h_3_frg_per_bkg_inv/ load_samples=1 load_samples_root=/data/acamp/acamp20k/p1_4_class_a_h_3_frg_per_bkg_inv score_thresholds=0:1:0.001

p1_3_class_a_h_mask_rcnn_resnet101_3_frg_per_bkg @ test

latest_on_p1_3_class_a_h_3_frg_per_bkg_inv @ p1_3_class_a_h_mask_rcnn_resnet101_3_frg_per_bkg/test

CUDA_VISIBLE_DEVICES=2 python3 yolov3_test.py --data_cfg=cfg/p1_3_class_a_h_mask_rcnn_resnet101_3_frg_per_bkg.txt --net_cfg=cfg/p1_3_class_a_h_mask_rcnn_resnet101_3_frg_per_bkg.cfg --batch_size=32 --weights=yolov3_weights/p1_3_class_a_h_mask_rcnn_resnet101_3_frg_per_bkg/latest.pt --test_path=/data/acamp/acamp20k/p1_3_class_a_h_3_frg_per_bkg_inv.txt

CUDA_VISIBLE_DEVICES=1 python3 ../tf_api/tf_api_eval.py labels_path=../tf_api/data/wildlife_label_map_20k3a.pbtxt n_frames=0 show_img=0 n_classes=3 eval_every=0 root_dir=/data/acamp/acamp20k/prototype_1 seq_paths=../tf_api/p1_a_h_3_class.txt sleep_time=10 write_summary=1 save_det=1 load_det=1 load_dir=yolov3_weights/p1_3_class_a_h_mask_rcnn_resnet101_3_frg_per_bkg/latest_on_p1_3_class_a_h_3_frg_per_bkg_inv/ load_samples=1 load_samples_root=/data/acamp/acamp20k/p1_3_class_a_h_3_frg_per_bkg_inv score_thresholds=0:1:0.001

p1_4_class_a_h_mask_rcnn_resnet101_3_frg_per_bkg @ test

latest_on_p1_4_class_a_h_3_frg_per_bkg_inv @ p1_4_class_a_h_mask_rcnn_resnet101_3_frg_per_bkg/test

CUDA_VISIBLE_DEVICES=1 python3 yolov3_test.py --data_cfg=cfg/p1_4_class_a_h_mask_rcnn_resnet101_3_frg_per_bkg.txt --net_cfg=cfg/p1_4_class_a_h_mask_rcnn_resnet101_3_frg_per_bkg.cfg --batch_size=32 --weights=yolov3_weights/p1_4_class_a_h_mask_rcnn_resnet101_3_frg_per_bkg/latest.pt --test_path=/data/acamp/acamp20k/p1_4_class_a_h_3_frg_per_bkg_inv.txt

CUDA_VISIBLE_DEVICES=1 python3 ../tf_api/tf_api_eval.py labels_path=../tf_api/data/wildlife_label_map_20k4.pbtxt n_frames=0 show_img=0 n_classes=4 eval_every=0 root_dir=/data/acamp/acamp20k/prototype_1 seq_paths=../tf_api/p1_a_h_4_class.txt sleep_time=10 write_summary=1 save_det=1 load_det=1 load_dir=yolov3_weights/p1_4_class_a_h_mask_rcnn_resnet101_3_frg_per_bkg/latest_on_p1_4_class_a_h_3_frg_per_bkg_inv/ load_samples=1 load_samples_root=/data/acamp/acamp20k/p1_4_class_a_h_3_frg_per_bkg_inv score_thresholds=0:1:0.001

p1_3_class_a_h_siam_mask_3_frg_per_bkg @ test

latest_on_p1_3_class_a_h_3_frg_per_bkg_inv @ p1_3_class_a_h_siam_mask_3_frg_per_bkg/test

CUDA_VISIBLE_DEVICES=2 python3 yolov3_test.py --data_cfg=cfg/p1_3_class_a_h_siam_mask_3_frg_per_bkg.txt --net_cfg=cfg/p1_3_class_a_h_siam_mask_3_frg_per_bkg.cfg --batch_size=32 --weights=yolov3_weights/p1_3_class_a_h_siam_mask_3_frg_per_bkg/latest.pt --test_path=/data/acamp/acamp20k/p1_3_class_a_h_3_frg_per_bkg_inv.txt

CUDA_VISIBLE_DEVICES=1 python3 ../tf_api/tf_api_eval.py labels_path=../tf_api/data/wildlife_label_map_20k3a.pbtxt n_frames=0 show_img=0 n_classes=3 eval_every=0 root_dir=/data/acamp/acamp20k/prototype_1 seq_paths=../tf_api/p1_a_h_3_class.txt sleep_time=10 write_summary=1 save_det=1 load_det=1 load_dir=yolov3_weights/p1_3_class_a_h_siam_mask_3_frg_per_bkg/latest_on_p1_3_class_a_h_3_frg_per_bkg_inv/ load_samples=1 load_samples_root=/data/acamp/acamp20k/p1_3_class_a_h_3_frg_per_bkg_inv score_thresholds=0:1:0.001

p1_4_class_a_h_siam_mask_3_frg_per_bkg @ test

latest_on_p1_4_class_a_h_3_frg_per_bkg_inv @ p1_4_class_a_h_siam_mask_3_frg_per_bkg/test

CUDA_VISIBLE_DEVICES=1 python3 yolov3_test.py --data_cfg=cfg/p1_4_class_a_h_siam_mask_3_frg_per_bkg.txt --net_cfg=cfg/p1_4_class_a_h_siam_mask_3_frg_per_bkg.cfg --batch_size=32 --weights=yolov3_weights/p1_4_class_a_h_siam_mask_3_frg_per_bkg/latest.pt --test_path=/data/acamp/acamp20k/p1_4_class_a_h_3_frg_per_bkg_inv.txt

CUDA_VISIBLE_DEVICES=1 python3 ../tf_api/tf_api_eval.py labels_path=../tf_api/data/wildlife_label_map_20k4.pbtxt n_frames=0 show_img=0 n_classes=4 eval_every=0 root_dir=/data/acamp/acamp20k/prototype_1 seq_paths=../tf_api/p1_a_h_4_class.txt sleep_time=10 write_summary=1 save_det=1 load_det=1 load_dir=yolov3_weights/p1_4_class_a_h_siam_mask_3_frg_per_bkg/latest_on_p1_4_class_a_h_3_frg_per_bkg_inv/ load_samples=1 load_samples_root=/data/acamp/acamp20k/p1_4_class_a_h_3_frg_per_bkg_inv score_thresholds=0:1:0.001