Meehai commited on
Commit
c558d76
·
1 Parent(s): 84b77c9

rm old scripts

Browse files
scripts/cfg.yaml DELETED
@@ -1,107 +0,0 @@
1
- vre:
2
- start_frame: ${oc.env:VRE_START_IX}
3
- end_frame: ${oc.env:VRE_END_IX,null}
4
- export_npy: True
5
- export_png: False
6
- exception_mode: skip_representation
7
-
8
- representations:
9
- rgb:
10
- type: default/rgb
11
- dependencies: []
12
- parameters: {}
13
-
14
- hsv:
15
- type: default/hsv
16
- dependencies: []
17
- parameters: {}
18
-
19
- halftone1:
20
- type: soft-segmentation/python-halftone
21
- dependencies: []
22
- parameters:
23
- sample: 3
24
- scale: 1
25
- percentage: 91
26
- angles: [0, 15, 30, 45]
27
- antialias: False
28
- resolution: [240, 426]
29
-
30
- edges_canny:
31
- type: edges/canny
32
- dependencies: []
33
- parameters:
34
- threshold1: 100
35
- threshold2: 200
36
- aperture_size: 3
37
- l2_gradient: True
38
-
39
- softseg_gb:
40
- type: soft-segmentation/generalized_boundaries
41
- dependencies: []
42
- parameters:
43
- use_median_filtering: True
44
- adjust_to_rgb: True
45
- max_channels: 3
46
-
47
- edges_dexined:
48
- type: edges/dexined
49
- dependencies: []
50
- parameters: {}
51
- batch_size: 15
52
- device: ${oc.env:VRE_DEVICE,cpu}
53
-
54
- fastsam(s):
55
- type: semantic-segmentation/fastsam
56
- dependencies: []
57
- parameters:
58
- variant: fastsam-s
59
- iou: 0.9
60
- conf: 0.4
61
- device: ${oc.env:VRE_DEVICE,cpu}
62
-
63
- depth_dpt:
64
- type: depth/dpt
65
- dependencies: []
66
- parameters: {}
67
- batch_size: 10
68
- device: ${oc.env:VRE_DEVICE,cpu}
69
-
70
- # only works if fps is also set (for images) via --frame_rate in cli. For videos, it works just fine.
71
- opticalflow_rife:
72
- type: optical-flow/rife
73
- dependencies: []
74
- batch_size: 15
75
- parameters:
76
- uhd: False
77
- compute_backward_flow: False
78
- device: ${oc.env:VRE_DEVICE,cpu}
79
-
80
- semantic_mask2former_coco_47429163_0:
81
- type: semantic-segmentation/mask2former
82
- dependencies: []
83
- parameters:
84
- model_id: "47429163_0"
85
- semantic_argmax_only: True
86
- batch_size: 1
87
- device: ${oc.env:VRE_DEVICE,cpu}
88
-
89
- semantic_mask2former_mapillary_49189528_0:
90
- type: semantic-segmentation/mask2former
91
- dependencies: []
92
- parameters:
93
- model_id: "49189528_0"
94
- semantic_argmax_only: True
95
- batch_size: 1
96
- device: ${oc.env:VRE_DEVICE,cpu}
97
-
98
- depth_marigold:
99
- type: depth/marigold
100
- dependencies: []
101
- parameters:
102
- variant: marigold-lcm-v1-0
103
- denoising_steps: 4
104
- ensemble_size: 1
105
- processing_resolution: 768
106
- batch_size: 15
107
- device: ${oc.env:VRE_DEVICE,cpu}
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
scripts/collage_slanic_DJI_0956_0957_combined_sliced_780_9780_3522.npz.png DELETED

Git LFS Details

  • SHA256: 7636ac805f3ce81e9f4991ab9ae773da623dbb862427c8a2721a9c4679dab172
  • Pointer size: 132 Bytes
  • Size of remote file: 5.07 MB
scripts/convert_m2f_to_dronescapes.py DELETED
@@ -1,78 +0,0 @@
1
- """script that converts predictions (.npz) of mask2former (mapillary or coco_panoptic) to dronescapes labels"""
2
- from argparse import ArgumentParser, Namespace
3
- from pathlib import Path
4
- import shutil
5
- from functools import partial
6
- import numpy as np
7
- from tqdm import tqdm
8
- from loggez import loggez_logger as logger
9
-
10
- COCO_MAPPING = {
11
- "land": ["grass-merged", "dirt-merged", "sand", "gravel", "flower", "playingfield", "snow", "platform"],
12
- "forest": ["tree-merged"],
13
- "residential": ["building-other-merged", "house", "roof", "fence-merged", "wall-other-merged", "wall-brick", "rock-merged", "tent", "bridge", "bench", "window-other", "fire hydrant", "traffic light", "umbrella", "wall-stone", "clock", "chair", "sports ball", "floor-other-merged", "floor-wood", "stop sign", "door-stuff", "banner", "light", "net", "surfboard", "frisbee", "rug-merged", "potted plant", "parking meter"],
14
- "road": ["road", "railroad", "pavement-merged", "stairs"],
15
- "little-objects": ["truck", "car", "boat", "horse", "person", "train", "elephant", "bus", "bird", "sheep", "cow", "motorcycle", "dog", "bicycle", "airplane", "kite"],
16
- "water": ["river", "water-other", "sea"],
17
- "sky": ["sky-other-merged"],
18
- "hill": ["mountain-merged"]
19
- }
20
-
21
- COCO_CLASSES = ["person", "bicycle", "car", "motorcycle", "airplane", "bus", "train", "truck", "boat", "traffic light", "fire hydrant", "stop sign", "parking meter", "bench", "bird", "cat", "dog", "horse", "sheep", "cow", "elephant", "bear", "zebra", "giraffe", "backpack", "umbrella", "handbag", "tie", "suitcase", "frisbee", "skis", "snowboard", "sports ball", "kite", "baseball bat", "baseball glove", "skateboard", "surfboard", "tennis racket", "bottle", "wine glass", "cup", "fork", "knife", "spoon", "bowl", "banana", "apple", "sandwich", "orange", "broccoli", "carrot", "hot dog", "pizza", "donut", "cake", "chair", "couch", "potted plant", "bed", "dining table", "toilet", "tv", "laptop", "mouse", "remote", "keyboard", "cell phone", "microwave", "oven", "toaster", "sink", "refrigerator", "book", "clock", "vase", "scissors", "teddy bear", "hair drier", "toothbrush", "banner", "blanket", "bridge", "cardboard", "counter", "curtain", "door-stuff", "floor-wood", "flower", "fruit", "gravel", "house", "light", "mirror-stuff", "net", "pillow", "platform", "playingfield", "railroad", "river", "road", "roof", "sand", "sea", "shelf", "snow", "stairs", "tent", "towel", "wall-brick", "wall-stone", "wall-tile", "wall-wood", "water-other", "window-blind", "window-other", "tree-merged", "fence-merged", "ceiling-merged", "sky-other-merged", "cabinet-merged", "table-merged", "floor-other-merged", "pavement-merged", "mountain-merged", "grass-merged", "dirt-merged", "paper-merged", "food-other-merged", "building-other-merged", "rock-merged", "wall-other-merged", "rug-merged"]
22
-
23
- MAPILLARY_MAPPING = {
24
- "land": ["Terrain", "Sand", "Snow"],
25
- "forest": ["Vegetation"],
26
- "residential": ["Building", "Utility Pole", "Pole", "Fence", "Wall", "Manhole", "Street Light", "Curb", "Guard Rail", "Caravan", "Junction Box", "Traffic Sign (Front)", "Billboard", "Banner", "Mailbox", "Traffic Sign (Back)", "Bench", "Fire Hydrant", "Trash Can", "CCTV Camera", "Traffic Light", "Barrier", "Rail Track", "Phone Booth", "Curb Cut", "Traffic Sign Frame", "Bike Rack"],
27
- "road": ["Road", "Lane Marking - General", "Sidewalk", "Bridge", "Other Vehicle", "Motorcyclist", "Pothole", "Catch Basin", "Car Mount", "Tunnel", "Parking", "Service Lane", "Lane Marking - Crosswalk", "Pedestrian Area", "On Rails", "Bike Lane", "Crosswalk - Plain"],
28
- "little-objects": ["Car", "Person", "Truck", "Boat", "Wheeled Slow", "Trailer", "Ground Animal", "Bicycle", "Motorcycle", "Bird", "Bus", "Ego Vehicle", "Bicyclist", "Other Rider"],
29
- "water": ["Water"],
30
- "sky": ["Sky"],
31
- "hill": ["Mountain"]
32
- }
33
-
34
- MAPILLARY_CLASSES = ["Bird", "Ground Animal", "Curb", "Fence", "Guard Rail", "Barrier", "Wall", "Bike Lane", "Crosswalk - Plain", "Curb Cut", "Parking", "Pedestrian Area", "Rail Track", "Road", "Service Lane", "Sidewalk", "Bridge", "Building", "Tunnel", "Person", "Bicyclist", "Motorcyclist", "Other Rider", "Lane Marking - Crosswalk", "Lane Marking - General", "Mountain", "Sand", "Sky", "Snow", "Terrain", "Vegetation", "Water", "Banner", "Bench", "Bike Rack", "Billboard", "Catch Basin", "CCTV Camera", "Fire Hydrant", "Junction Box", "Mailbox", "Manhole", "Phone Booth", "Pothole", "Street Light", "Pole", "Traffic Sign Frame", "Utility Pole", "Traffic Light", "Traffic Sign (Back)", "Traffic Sign (Front)", "Trash Can", "Bicycle", "Boat", "Bus", "Car", "Caravan", "Motorcycle", "On Rails", "Other Vehicle", "Trailer", "Truck", "Wheeled Slow", "Car Mount", "Ego Vehicle"]
35
-
36
- def get_args() -> Namespace:
37
- parser = ArgumentParser()
38
- parser.add_argument("input_path", type=lambda p: Path(p).absolute())
39
- parser.add_argument("output_path", type=lambda p: Path(p).absolute())
40
- parser.add_argument("mapping_type", choices=["coco", "mapillary"])
41
- parser.add_argument("--overwrite", action="store_true")
42
- args = parser.parse_args()
43
- assert not args.output_path.exists() or args.overwrite, f"{args.output_path} exists. Use --overwrite"
44
- if args.output_path.exists():
45
- shutil.rmtree(args.output_path)
46
- return args
47
-
48
- def do_one(in_out_path: tuple[Path, Path], mapping_type: str):
49
- in_path, out_path = in_out_path
50
- data = np.load(in_path, allow_pickle=False)
51
- data = data if isinstance(data, np.ndarray) else data["arr_0"] # in case on npz, we need this as well
52
-
53
- classes = MAPILLARY_CLASSES if mapping_type == "mapillary" else COCO_CLASSES
54
- mapping = MAPILLARY_MAPPING if mapping_type == "mapillary" else COCO_MAPPING
55
- mapping_ix = {list(mapping.keys()).index(k): [classes.index(_v) for _v in v] for k, v in mapping.items()}
56
- mapping_to_dronescapes = {}
57
- for k, v in mapping_ix.items():
58
- for _v in v:
59
- mapping_to_dronescapes[_v] = k
60
- mapped_data = np.vectorize(mapping_to_dronescapes.get)(data).astype(np.uint8)
61
- np.savez(out_path, mapped_data)
62
- return mapped_data
63
-
64
- def main(args: Namespace):
65
- in_files = [x for x in args.input_path.iterdir() if x.suffix == ".npz"]
66
- out_files = [args.output_path / x.name for x in in_files]
67
- args.output_path.mkdir(exist_ok=False, parents=True)
68
- assert len(in_files) > 0, "No .npz files found"
69
- logger.info(f"In dir: '{args.input_path}'")
70
- logger.info(f"Out dir: '{args.output_path}'")
71
- logger.info(f"Found {len(in_files)} to convert. Dataset type: '{args.mapping_type}'")
72
-
73
- items = list(zip(in_files, out_files))
74
- for item in tqdm(items):
75
- do_one(item, mapping_type=args.mapping_type)
76
-
77
- if __name__ == "__main__":
78
- main(get_args())
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
scripts/count_npz.sh DELETED
@@ -1,18 +0,0 @@
1
- # Usage: bash count_npz npz_540p
2
- (
3
- echo "scene,repr,counts"
4
- ls $1 | while read line; do
5
- scene_name=$(echo $line | cut -d "_" -f1);
6
- ls $1/$line | while read line2; do
7
- n_files=$(find $1/$line/"$line2" -name "*.npz" | wc -l);
8
- echo "$scene_name","$line2","$n_files";
9
- done;
10
- done ) | python -c '''
11
- import sys, pandas as pd;
12
- df = pd.read_csv(sys.stdin);
13
- df2 = df.groupby("scene").apply(lambda x: dict(zip(x["repr"], x["counts"])), include_groups=False).reset_index();
14
- df3 = pd.json_normalize(df2[0]).set_index(df2["scene"]).fillna(0).astype(int);
15
- df4 = df3.reindex(columns=["rgb", *sorted(x for x in df3.columns if x != "rgb")])
16
- df4.columns = [f"{x[0:18]}.." if len(x) > 20 else x for x in df4.columns]
17
- print(df4.to_markdown())
18
- '''
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
scripts/eval_script_old.py DELETED
@@ -1,181 +0,0 @@
1
- """
2
- The old evaluation script.
3
- To run, you first need to split the test scenes data into 3 different directories:
4
-
5
- cd /dronescapes/data
6
- scenes=(comana barsana norway);
7
- for scene in ${scenes[@]} ; do
8
- ls test_set_annotated_only | while read task; do
9
- mkdir -p test_set_annotated_only_per_scene/$scene/$task;
10
- ls test_set_annotated_only/$task | grep "$scene" | while read line; do
11
- cp test_set_annotated_only/$task/$line test_set_annotated_only_per_scene/$scene/$task/$line;
12
- done;
13
- done
14
- done
15
-
16
- Then run this:
17
- cd /dronescapes/scripts
18
- python eval_script_old.py --gt_path ../data/test_set_annotated_only_per_scene/comana/semantic_segprop8/ --pred_path ../data/test_set_annotated_only_per_scene/comana/semantic_mask2former_swin_mapillary_converted/ --class_weights 0.28172092 0.30589653 0.13341699 0.05937348 0.00474491 0.05987466 0.08660721 0.06836531 --classes land forest residential road little-objects water sky hill -o results/comana --overwrite
19
- python eval_script_old.py --gt_path ../data/test_set_annotated_only_per_scene/barsana/semantic_segprop8/ --pred_path ../data/test_set_annotated_only_per_scene/barsana/semantic_mask2former_swin_mapillary_converted/ --class_weights 0.28172092 0.30589653 0.13341699 0.05937348 0.00474491 0.05987466 0.08660721 0.06836531 --classes land forest residential road little-objects water sky hill -o results/barsana --overwrite
20
- python eval_script_old.py --gt_path ../data/test_set_annotated_only_per_scene/norway/semantic_segprop8/ --pred_path ../data/test_set_annotated_only_per_scene/norway/semantic_mask2former_swin_mapillary_converted/ --class_weights 0.28172092 0.30589653 0.13341699 0.05937348 0.00474491 0.05987466 0.08660721 0.06836531 --classes land forest residential road little-objects water sky hill -o results/norway --overwrite
21
- """
22
-
23
- from __future__ import annotations
24
- import os
25
- import numpy as np
26
- import pandas as pd
27
- from natsort import natsorted
28
- from pathlib import Path
29
- import shutil
30
- import tempfile
31
- from tqdm import tqdm
32
-
33
- import argparse
34
- import warnings
35
- warnings.filterwarnings("ignore")
36
-
37
- def convert_label2multi(label, class_id):
38
- out = np.zeros((label.shape[0], label.shape[1]), dtype=np.uint8)
39
- data_indices = np.where(np.equal(label, class_id))
40
- out[data_indices[0], data_indices[1]] = 1
41
- return np.array(out, dtype=bool)
42
-
43
- def process_all_video_frames(gt_files: list[Path], pred_files: list[Path], class_id: int):
44
- TP, TN, FP, FN = {}, {}, {}, {}
45
- for gt_file, pred_file in tqdm(zip(gt_files, pred_files), total=len(gt_files), desc=f"{class_id=}"):
46
- gt_label_raw = np.load(gt_file, allow_pickle=True)["arr_0"]
47
- net_label_raw = np.load(pred_file, allow_pickle=True)["arr_0"]
48
- gt_label = convert_label2multi(gt_label_raw, class_id)
49
- net_label = convert_label2multi(net_label_raw, class_id)
50
-
51
- true_positives = np.count_nonzero(gt_label * net_label)
52
- true_negatives = np.count_nonzero((gt_label + net_label) == 0)
53
- false_positives = np.count_nonzero((np.array(net_label, dtype=int) - np.array(gt_label, dtype=int)) > 0)
54
- false_negatives = np.count_nonzero((np.array(gt_label, dtype=int) - np.array(net_label, dtype=int)) > 0)
55
-
56
- TP[gt_file.name] = true_positives
57
- TN[gt_file.name] = true_negatives
58
- FP[gt_file.name] = false_positives
59
- FN[gt_file.name] = false_negatives
60
- df = pd.DataFrame([TP, FP, TN, FN], index=["tp", "fp", "tn", "fn"]).T
61
- global_TP, global_TN, global_FP, global_FN = sum(TP.values()), sum(TN.values()), sum(FP.values()), sum(FN.values())
62
- global_precision = global_TP / (global_TP + global_FP + np.spacing(1))
63
- global_recall = global_TP / (global_TP + global_FN + np.spacing(1))
64
- global_f1_score = (2 * global_precision * global_recall) / (global_precision + global_recall + np.spacing(1))
65
- global_iou = global_TP / (global_TP + global_FP + global_FN + np.spacing(1))
66
-
67
- return (global_precision, global_recall, global_f1_score, global_iou)
68
-
69
- def join_results(args: argparse.Namespace):
70
- out_path = os.path.join(args.out_dir, 'joined_results_' + str(len(args.classes)) + 'classes.txt')
71
- out_file = open(out_path, 'w')
72
-
73
- joined_f1_scores_mean = []
74
- joined_iou_scores_mean = []
75
-
76
- for CLASS_ID in range(len(args.classes)):
77
- RESULT_FILE = os.path.join(args.out_dir, 'evaluation_dronescapes_CLASS_' + str(CLASS_ID) + '.txt')
78
- result_file_lines = open(RESULT_FILE, 'r').read().splitlines()
79
- for idx, line in enumerate(result_file_lines):
80
- if idx != 0:
81
- splits = line.split(',')
82
- f1_score = float(splits[2])
83
- iou_score = float(splits[3])
84
-
85
- out_file.write('------------------------- ' + ' CLASS ' + str(CLASS_ID) + ' - ' + args.classes[CLASS_ID] + ' --------------------------------------------\n')
86
- # F1Score
87
- out_file.write('F1-Score: ' + str(round(f1_score, 4)) + '\n')
88
- # Mean IOU
89
- out_file.write('IOU: ' + str(round(iou_score, 4)) + '\n')
90
- out_file.write('\n\n')
91
- joined_f1_scores_mean.append(f1_score)
92
- joined_iou_scores_mean.append(iou_score)
93
-
94
- out_file.write('\n\n')
95
- out_file.write('Mean F1-Score all classes: ' + str(round(np.mean(joined_f1_scores_mean), 4)) + '\n')
96
- out_file.write('Mean IOU all classes: ' + str(round(np.mean(joined_iou_scores_mean), 4)) + '\n')
97
- out_file.write('\n\n')
98
-
99
- out_file.write('\n\n')
100
- out_file.write('Weighted Mean F1-Score all classes: ' + str(round(np.sum(np.dot(joined_f1_scores_mean, args.class_weights)), 4)) + '\n')
101
- out_file.write('Weighted Mean IOU all classes: ' + str(round(np.sum(np.dot(joined_iou_scores_mean, args.class_weights)), 4)) + '\n')
102
- out_file.write('\n\n')
103
-
104
- out_file.close()
105
- print(f"Written to '{out_path}'")
106
-
107
- def compat_old_txt_file(args: Namespace):
108
- (tempdir := Path(tempfile.TemporaryDirectory().name)).mkdir()
109
- (tempdir / "gt").mkdir()
110
- (tempdir / "pred").mkdir()
111
- print(f"old pattern detected. Copying files to a temp dir: {tempdir}")
112
- test_files = natsorted(open(args.txt_path, "r").read().splitlines())
113
- scenes = natsorted(set(([os.path.dirname(x) for x in test_files])))
114
- assert len(scenes) == 1, scenes
115
- files = natsorted([x for x in test_files if scenes[0] in x])
116
- gt_files = [f"{args.gt_path}/{f.split('/')[0]}/segprop{len(args.classes)}/{f.split('/')[1]}.npz" for f in files]
117
- pred_files = [f"{args.pred_path}/{f.split('/')[0]}/{int(f.split('/')[1]):06}.npz" for f in files]
118
- assert all(Path(x).exists() for x in [*gt_files, *pred_files])
119
- for _file in gt_files:
120
- os.symlink(_file, tempdir / "gt" / Path(_file).name)
121
- for _file in pred_files:
122
- os.symlink(_file, tempdir / "pred" / Path(_file).name)
123
- args.gt_path = tempdir / "gt"
124
- args.pred_path = tempdir / "pred"
125
- args.txt_path = None
126
-
127
- def main(args: argparse.Namespace):
128
- gt_files = natsorted([x for x in args.gt_path.iterdir()], key=lambda x: Path(x).name)
129
- pred_files = natsorted([x for x in args.pred_path.iterdir()], key=lambda x: Path(x).name)
130
- assert all(Path(x).exists() for x in [*gt_files, *pred_files])
131
- global_precision, global_recall, global_f1, global_iou = process_all_video_frames(gt_files, pred_files, args.class_id)
132
-
133
- out_path = os.path.join(args.out_dir, 'evaluation_dronescapes_CLASS_' + str(args.class_id) + '.txt')
134
- out_file = open(out_path, 'w')
135
- out_file.write('precision,recall,f1,iou\n')
136
- out_file.write('{0:.6f},{1:.6f},{2:.6f},{3:.6f}\n'.format(global_precision, global_recall, global_f1, global_iou))
137
- out_file.close()
138
- print(f"Written to '{out_path}'")
139
-
140
- if __name__ == "__main__":
141
- """
142
- Barsana: /Date3/hpc/datasets/dronescapes/all_scenes/dataset_splits/20220517_train_on_even_semisup_on_odd_validate_on_last_odd_triplet_journal_split/only_manually_annotated_test_files_36.txt
143
- Norce: /Date3/hpc/datasets/dronescapes/all_scenes/dataset_splits/20220810_new_norce_clip/only_manually_annotated_test_files_50.txt
144
- Comana: /Date3/hpc/datasets/dronescapes/all_scenes/dataset_splits/20221208_new_comana_clip/only_manually_annotated_test_files_30.txt
145
- gt_path: /Date3/hpc/datasets/dronescapes/all_scenes
146
- pred_path/Date3/hpc/code/Mask2Former/demo_dronescapes/outputs_dronescapes_compatible/mapillary_sseg
147
- NC = 7
148
- CLASS_NAMES = ['land', 'forest', 'residential', 'road', 'little-objects', 'water', 'sky']
149
- CLASS_WEIGHTS = [0.28172092, 0.37426183, 0.13341699, 0.05937348, 0.00474491, 0.05987466, 0.08660721]
150
- NC = 8
151
- CLASS_NAMES = ['land', 'forest', 'residential', 'road', 'little-objects', 'water', 'sky', 'hill']
152
- CLASS_WEIGHTS = [0.28172092, 0.30589653, 0.13341699, 0.05937348, 0.00474491, 0.05987466, 0.08660721, 0.06836531]
153
- NC = 10
154
- CLASS_NAMES = ['land', 'forest', 'low-level', 'road', 'high-level', 'cars', 'water', 'sky', 'hill', 'person']
155
- CLASS_WEIGHTS = [0.28172092, 0.30589653, 0.09954808, 0.05937348, 0.03386891, 0.00445865, 0.05987466, 0.08660721, 0.06836531, 0.00028626]
156
- """
157
- parser = argparse.ArgumentParser()
158
- parser.add_argument("--gt_path", type=Path, required=True)
159
- parser.add_argument("--pred_path", type=Path, required=True)
160
- parser.add_argument("--out_dir", "-o", required=True, type=Path, default=Path(__file__).parent / "out_dir")
161
- parser.add_argument("--classes", nargs="+")
162
- parser.add_argument("--class_weights", type=float, nargs="+", required=True)
163
- parser.add_argument("--txt_path")
164
- parser.add_argument("--overwrite", action="store_true")
165
- args = parser.parse_args()
166
- if args.classes is None:
167
- print("Class names not provided")
168
- args.classes = list(map(str, range(len(args.class_weights))))
169
- assert len(args.classes) == len(args.class_weights), (args.classes, args.class_weights)
170
- assert len(args.classes) in (7, 8, 10), len(args.classes)
171
- assert not args.out_dir.exists() or args.overwrite, f"'{args.out_dir}' exists. Use --overwrite"
172
- shutil.rmtree(args.out_dir, ignore_errors=True)
173
- os.makedirs(args.out_dir, exist_ok=True)
174
-
175
- if args.txt_path is not None:
176
- compat_old_txt_file(args)
177
-
178
- for class_id in range(len(args.classes)):
179
- args.class_id = class_id
180
- main(args)
181
- join_results(args)
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
scripts/semantic_mapper.ipynb DELETED
The diff for this file is too large to render. See raw diff
 
scripts/txt_files/annotated_and_segprop/semisup_files_11299.txt ADDED
The diff for this file is too large to render. See raw diff
 
scripts/txt_files/annotated_and_segprop/test_files_5603.txt ADDED
The diff for this file is too large to render. See raw diff
 
scripts/txt_files/annotated_and_segprop/train_files_11664.txt ADDED
The diff for this file is too large to render. See raw diff
 
scripts/txt_files/annotated_and_segprop/val_files_605.txt ADDED
@@ -0,0 +1,605 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ gradistei_DJI_0787_0788_0789_combined_sliced_3510_13110/8880
2
+ gradistei_DJI_0787_0788_0789_combined_sliced_3510_13110/8881
3
+ gradistei_DJI_0787_0788_0789_combined_sliced_3510_13110/8882
4
+ gradistei_DJI_0787_0788_0789_combined_sliced_3510_13110/8883
5
+ gradistei_DJI_0787_0788_0789_combined_sliced_3510_13110/8884
6
+ gradistei_DJI_0787_0788_0789_combined_sliced_3510_13110/8885
7
+ gradistei_DJI_0787_0788_0789_combined_sliced_3510_13110/8886
8
+ gradistei_DJI_0787_0788_0789_combined_sliced_3510_13110/8887
9
+ gradistei_DJI_0787_0788_0789_combined_sliced_3510_13110/8888
10
+ gradistei_DJI_0787_0788_0789_combined_sliced_3510_13110/8889
11
+ gradistei_DJI_0787_0788_0789_combined_sliced_3510_13110/8890
12
+ gradistei_DJI_0787_0788_0789_combined_sliced_3510_13110/8891
13
+ gradistei_DJI_0787_0788_0789_combined_sliced_3510_13110/8892
14
+ gradistei_DJI_0787_0788_0789_combined_sliced_3510_13110/8893
15
+ gradistei_DJI_0787_0788_0789_combined_sliced_3510_13110/8894
16
+ gradistei_DJI_0787_0788_0789_combined_sliced_3510_13110/8895
17
+ gradistei_DJI_0787_0788_0789_combined_sliced_3510_13110/8896
18
+ gradistei_DJI_0787_0788_0789_combined_sliced_3510_13110/8897
19
+ gradistei_DJI_0787_0788_0789_combined_sliced_3510_13110/8898
20
+ gradistei_DJI_0787_0788_0789_combined_sliced_3510_13110/8899
21
+ gradistei_DJI_0787_0788_0789_combined_sliced_3510_13110/8900
22
+ gradistei_DJI_0787_0788_0789_combined_sliced_3510_13110/8901
23
+ gradistei_DJI_0787_0788_0789_combined_sliced_3510_13110/8902
24
+ gradistei_DJI_0787_0788_0789_combined_sliced_3510_13110/8903
25
+ gradistei_DJI_0787_0788_0789_combined_sliced_3510_13110/8904
26
+ gradistei_DJI_0787_0788_0789_combined_sliced_3510_13110/8905
27
+ gradistei_DJI_0787_0788_0789_combined_sliced_3510_13110/8906
28
+ gradistei_DJI_0787_0788_0789_combined_sliced_3510_13110/8907
29
+ gradistei_DJI_0787_0788_0789_combined_sliced_3510_13110/8908
30
+ gradistei_DJI_0787_0788_0789_combined_sliced_3510_13110/8909
31
+ gradistei_DJI_0787_0788_0789_combined_sliced_3510_13110/8910
32
+ gradistei_DJI_0787_0788_0789_combined_sliced_3510_13110/8911
33
+ gradistei_DJI_0787_0788_0789_combined_sliced_3510_13110/8912
34
+ gradistei_DJI_0787_0788_0789_combined_sliced_3510_13110/8913
35
+ gradistei_DJI_0787_0788_0789_combined_sliced_3510_13110/8914
36
+ gradistei_DJI_0787_0788_0789_combined_sliced_3510_13110/8915
37
+ gradistei_DJI_0787_0788_0789_combined_sliced_3510_13110/8916
38
+ gradistei_DJI_0787_0788_0789_combined_sliced_3510_13110/8917
39
+ gradistei_DJI_0787_0788_0789_combined_sliced_3510_13110/8918
40
+ gradistei_DJI_0787_0788_0789_combined_sliced_3510_13110/8919
41
+ gradistei_DJI_0787_0788_0789_combined_sliced_3510_13110/8920
42
+ gradistei_DJI_0787_0788_0789_combined_sliced_3510_13110/8921
43
+ gradistei_DJI_0787_0788_0789_combined_sliced_3510_13110/8922
44
+ gradistei_DJI_0787_0788_0789_combined_sliced_3510_13110/8923
45
+ gradistei_DJI_0787_0788_0789_combined_sliced_3510_13110/8924
46
+ gradistei_DJI_0787_0788_0789_combined_sliced_3510_13110/8925
47
+ gradistei_DJI_0787_0788_0789_combined_sliced_3510_13110/8926
48
+ gradistei_DJI_0787_0788_0789_combined_sliced_3510_13110/8927
49
+ gradistei_DJI_0787_0788_0789_combined_sliced_3510_13110/8928
50
+ gradistei_DJI_0787_0788_0789_combined_sliced_3510_13110/8929
51
+ gradistei_DJI_0787_0788_0789_combined_sliced_3510_13110/8930
52
+ gradistei_DJI_0787_0788_0789_combined_sliced_3510_13110/8931
53
+ gradistei_DJI_0787_0788_0789_combined_sliced_3510_13110/8932
54
+ gradistei_DJI_0787_0788_0789_combined_sliced_3510_13110/8933
55
+ gradistei_DJI_0787_0788_0789_combined_sliced_3510_13110/8934
56
+ gradistei_DJI_0787_0788_0789_combined_sliced_3510_13110/8935
57
+ gradistei_DJI_0787_0788_0789_combined_sliced_3510_13110/8936
58
+ gradistei_DJI_0787_0788_0789_combined_sliced_3510_13110/8937
59
+ gradistei_DJI_0787_0788_0789_combined_sliced_3510_13110/8938
60
+ gradistei_DJI_0787_0788_0789_combined_sliced_3510_13110/8939
61
+ gradistei_DJI_0787_0788_0789_combined_sliced_3510_13110/8940
62
+ gradistei_DJI_0787_0788_0789_combined_sliced_3510_13110/8941
63
+ gradistei_DJI_0787_0788_0789_combined_sliced_3510_13110/8942
64
+ gradistei_DJI_0787_0788_0789_combined_sliced_3510_13110/8943
65
+ gradistei_DJI_0787_0788_0789_combined_sliced_3510_13110/8944
66
+ gradistei_DJI_0787_0788_0789_combined_sliced_3510_13110/8945
67
+ gradistei_DJI_0787_0788_0789_combined_sliced_3510_13110/8946
68
+ gradistei_DJI_0787_0788_0789_combined_sliced_3510_13110/8947
69
+ gradistei_DJI_0787_0788_0789_combined_sliced_3510_13110/8948
70
+ gradistei_DJI_0787_0788_0789_combined_sliced_3510_13110/8949
71
+ gradistei_DJI_0787_0788_0789_combined_sliced_3510_13110/8950
72
+ gradistei_DJI_0787_0788_0789_combined_sliced_3510_13110/8951
73
+ gradistei_DJI_0787_0788_0789_combined_sliced_3510_13110/8952
74
+ gradistei_DJI_0787_0788_0789_combined_sliced_3510_13110/8953
75
+ gradistei_DJI_0787_0788_0789_combined_sliced_3510_13110/8954
76
+ gradistei_DJI_0787_0788_0789_combined_sliced_3510_13110/8955
77
+ gradistei_DJI_0787_0788_0789_combined_sliced_3510_13110/8956
78
+ gradistei_DJI_0787_0788_0789_combined_sliced_3510_13110/8957
79
+ gradistei_DJI_0787_0788_0789_combined_sliced_3510_13110/8958
80
+ gradistei_DJI_0787_0788_0789_combined_sliced_3510_13110/8959
81
+ gradistei_DJI_0787_0788_0789_combined_sliced_3510_13110/8960
82
+ gradistei_DJI_0787_0788_0789_combined_sliced_3510_13110/8961
83
+ gradistei_DJI_0787_0788_0789_combined_sliced_3510_13110/8962
84
+ gradistei_DJI_0787_0788_0789_combined_sliced_3510_13110/8963
85
+ gradistei_DJI_0787_0788_0789_combined_sliced_3510_13110/8964
86
+ gradistei_DJI_0787_0788_0789_combined_sliced_3510_13110/8965
87
+ gradistei_DJI_0787_0788_0789_combined_sliced_3510_13110/8966
88
+ gradistei_DJI_0787_0788_0789_combined_sliced_3510_13110/8967
89
+ gradistei_DJI_0787_0788_0789_combined_sliced_3510_13110/8968
90
+ gradistei_DJI_0787_0788_0789_combined_sliced_3510_13110/8969
91
+ gradistei_DJI_0787_0788_0789_combined_sliced_3510_13110/8970
92
+ gradistei_DJI_0787_0788_0789_combined_sliced_3510_13110/8971
93
+ gradistei_DJI_0787_0788_0789_combined_sliced_3510_13110/8972
94
+ gradistei_DJI_0787_0788_0789_combined_sliced_3510_13110/8973
95
+ gradistei_DJI_0787_0788_0789_combined_sliced_3510_13110/8974
96
+ gradistei_DJI_0787_0788_0789_combined_sliced_3510_13110/8975
97
+ gradistei_DJI_0787_0788_0789_combined_sliced_3510_13110/8976
98
+ gradistei_DJI_0787_0788_0789_combined_sliced_3510_13110/8977
99
+ gradistei_DJI_0787_0788_0789_combined_sliced_3510_13110/8978
100
+ gradistei_DJI_0787_0788_0789_combined_sliced_3510_13110/8979
101
+ gradistei_DJI_0787_0788_0789_combined_sliced_3510_13110/8980
102
+ gradistei_DJI_0787_0788_0789_combined_sliced_3510_13110/8981
103
+ gradistei_DJI_0787_0788_0789_combined_sliced_3510_13110/8982
104
+ gradistei_DJI_0787_0788_0789_combined_sliced_3510_13110/8983
105
+ gradistei_DJI_0787_0788_0789_combined_sliced_3510_13110/8984
106
+ gradistei_DJI_0787_0788_0789_combined_sliced_3510_13110/8985
107
+ gradistei_DJI_0787_0788_0789_combined_sliced_3510_13110/8986
108
+ gradistei_DJI_0787_0788_0789_combined_sliced_3510_13110/8987
109
+ gradistei_DJI_0787_0788_0789_combined_sliced_3510_13110/8988
110
+ gradistei_DJI_0787_0788_0789_combined_sliced_3510_13110/8989
111
+ gradistei_DJI_0787_0788_0789_combined_sliced_3510_13110/8990
112
+ gradistei_DJI_0787_0788_0789_combined_sliced_3510_13110/8991
113
+ gradistei_DJI_0787_0788_0789_combined_sliced_3510_13110/8992
114
+ gradistei_DJI_0787_0788_0789_combined_sliced_3510_13110/8993
115
+ gradistei_DJI_0787_0788_0789_combined_sliced_3510_13110/8994
116
+ gradistei_DJI_0787_0788_0789_combined_sliced_3510_13110/8995
117
+ gradistei_DJI_0787_0788_0789_combined_sliced_3510_13110/8996
118
+ gradistei_DJI_0787_0788_0789_combined_sliced_3510_13110/8997
119
+ gradistei_DJI_0787_0788_0789_combined_sliced_3510_13110/8998
120
+ gradistei_DJI_0787_0788_0789_combined_sliced_3510_13110/8999
121
+ gradistei_DJI_0787_0788_0789_combined_sliced_3510_13110/9000
122
+ herculane_DJI_0021_full/8880
123
+ herculane_DJI_0021_full/8881
124
+ herculane_DJI_0021_full/8882
125
+ herculane_DJI_0021_full/8883
126
+ herculane_DJI_0021_full/8884
127
+ herculane_DJI_0021_full/8885
128
+ herculane_DJI_0021_full/8886
129
+ herculane_DJI_0021_full/8887
130
+ herculane_DJI_0021_full/8888
131
+ herculane_DJI_0021_full/8889
132
+ herculane_DJI_0021_full/8890
133
+ herculane_DJI_0021_full/8891
134
+ herculane_DJI_0021_full/8892
135
+ herculane_DJI_0021_full/8893
136
+ herculane_DJI_0021_full/8894
137
+ herculane_DJI_0021_full/8895
138
+ herculane_DJI_0021_full/8896
139
+ herculane_DJI_0021_full/8897
140
+ herculane_DJI_0021_full/8898
141
+ herculane_DJI_0021_full/8899
142
+ herculane_DJI_0021_full/8900
143
+ herculane_DJI_0021_full/8901
144
+ herculane_DJI_0021_full/8902
145
+ herculane_DJI_0021_full/8903
146
+ herculane_DJI_0021_full/8904
147
+ herculane_DJI_0021_full/8905
148
+ herculane_DJI_0021_full/8906
149
+ herculane_DJI_0021_full/8907
150
+ herculane_DJI_0021_full/8908
151
+ herculane_DJI_0021_full/8909
152
+ herculane_DJI_0021_full/8910
153
+ herculane_DJI_0021_full/8911
154
+ herculane_DJI_0021_full/8912
155
+ herculane_DJI_0021_full/8913
156
+ herculane_DJI_0021_full/8914
157
+ herculane_DJI_0021_full/8915
158
+ herculane_DJI_0021_full/8916
159
+ herculane_DJI_0021_full/8917
160
+ herculane_DJI_0021_full/8918
161
+ herculane_DJI_0021_full/8919
162
+ herculane_DJI_0021_full/8920
163
+ herculane_DJI_0021_full/8921
164
+ herculane_DJI_0021_full/8922
165
+ herculane_DJI_0021_full/8923
166
+ herculane_DJI_0021_full/8924
167
+ herculane_DJI_0021_full/8925
168
+ herculane_DJI_0021_full/8926
169
+ herculane_DJI_0021_full/8927
170
+ herculane_DJI_0021_full/8928
171
+ herculane_DJI_0021_full/8929
172
+ herculane_DJI_0021_full/8930
173
+ herculane_DJI_0021_full/8931
174
+ herculane_DJI_0021_full/8932
175
+ herculane_DJI_0021_full/8933
176
+ herculane_DJI_0021_full/8934
177
+ herculane_DJI_0021_full/8935
178
+ herculane_DJI_0021_full/8936
179
+ herculane_DJI_0021_full/8937
180
+ herculane_DJI_0021_full/8938
181
+ herculane_DJI_0021_full/8939
182
+ herculane_DJI_0021_full/8940
183
+ herculane_DJI_0021_full/8941
184
+ herculane_DJI_0021_full/8942
185
+ herculane_DJI_0021_full/8943
186
+ herculane_DJI_0021_full/8944
187
+ herculane_DJI_0021_full/8945
188
+ herculane_DJI_0021_full/8946
189
+ herculane_DJI_0021_full/8947
190
+ herculane_DJI_0021_full/8948
191
+ herculane_DJI_0021_full/8949
192
+ herculane_DJI_0021_full/8950
193
+ herculane_DJI_0021_full/8951
194
+ herculane_DJI_0021_full/8952
195
+ herculane_DJI_0021_full/8953
196
+ herculane_DJI_0021_full/8954
197
+ herculane_DJI_0021_full/8955
198
+ herculane_DJI_0021_full/8956
199
+ herculane_DJI_0021_full/8957
200
+ herculane_DJI_0021_full/8958
201
+ herculane_DJI_0021_full/8959
202
+ herculane_DJI_0021_full/8960
203
+ herculane_DJI_0021_full/8961
204
+ herculane_DJI_0021_full/8962
205
+ herculane_DJI_0021_full/8963
206
+ herculane_DJI_0021_full/8964
207
+ herculane_DJI_0021_full/8965
208
+ herculane_DJI_0021_full/8966
209
+ herculane_DJI_0021_full/8967
210
+ herculane_DJI_0021_full/8968
211
+ herculane_DJI_0021_full/8969
212
+ herculane_DJI_0021_full/8970
213
+ herculane_DJI_0021_full/8971
214
+ herculane_DJI_0021_full/8972
215
+ herculane_DJI_0021_full/8973
216
+ herculane_DJI_0021_full/8974
217
+ herculane_DJI_0021_full/8975
218
+ herculane_DJI_0021_full/8976
219
+ herculane_DJI_0021_full/8977
220
+ herculane_DJI_0021_full/8978
221
+ herculane_DJI_0021_full/8979
222
+ herculane_DJI_0021_full/8980
223
+ herculane_DJI_0021_full/8981
224
+ herculane_DJI_0021_full/8982
225
+ herculane_DJI_0021_full/8983
226
+ herculane_DJI_0021_full/8984
227
+ herculane_DJI_0021_full/8985
228
+ herculane_DJI_0021_full/8986
229
+ herculane_DJI_0021_full/8987
230
+ herculane_DJI_0021_full/8988
231
+ herculane_DJI_0021_full/8989
232
+ herculane_DJI_0021_full/8990
233
+ herculane_DJI_0021_full/8991
234
+ herculane_DJI_0021_full/8992
235
+ herculane_DJI_0021_full/8993
236
+ herculane_DJI_0021_full/8994
237
+ herculane_DJI_0021_full/8995
238
+ herculane_DJI_0021_full/8996
239
+ herculane_DJI_0021_full/8997
240
+ herculane_DJI_0021_full/8998
241
+ herculane_DJI_0021_full/8999
242
+ herculane_DJI_0021_full/9000
243
+ jupiter_DJI_0703_0704_0705_combined_sliced_10650_21715/10680
244
+ jupiter_DJI_0703_0704_0705_combined_sliced_10650_21715/10681
245
+ jupiter_DJI_0703_0704_0705_combined_sliced_10650_21715/10682
246
+ jupiter_DJI_0703_0704_0705_combined_sliced_10650_21715/10683
247
+ jupiter_DJI_0703_0704_0705_combined_sliced_10650_21715/10684
248
+ jupiter_DJI_0703_0704_0705_combined_sliced_10650_21715/10685
249
+ jupiter_DJI_0703_0704_0705_combined_sliced_10650_21715/10686
250
+ jupiter_DJI_0703_0704_0705_combined_sliced_10650_21715/10687
251
+ jupiter_DJI_0703_0704_0705_combined_sliced_10650_21715/10688
252
+ jupiter_DJI_0703_0704_0705_combined_sliced_10650_21715/10689
253
+ jupiter_DJI_0703_0704_0705_combined_sliced_10650_21715/10690
254
+ jupiter_DJI_0703_0704_0705_combined_sliced_10650_21715/10691
255
+ jupiter_DJI_0703_0704_0705_combined_sliced_10650_21715/10692
256
+ jupiter_DJI_0703_0704_0705_combined_sliced_10650_21715/10693
257
+ jupiter_DJI_0703_0704_0705_combined_sliced_10650_21715/10694
258
+ jupiter_DJI_0703_0704_0705_combined_sliced_10650_21715/10695
259
+ jupiter_DJI_0703_0704_0705_combined_sliced_10650_21715/10696
260
+ jupiter_DJI_0703_0704_0705_combined_sliced_10650_21715/10697
261
+ jupiter_DJI_0703_0704_0705_combined_sliced_10650_21715/10698
262
+ jupiter_DJI_0703_0704_0705_combined_sliced_10650_21715/10699
263
+ jupiter_DJI_0703_0704_0705_combined_sliced_10650_21715/10700
264
+ jupiter_DJI_0703_0704_0705_combined_sliced_10650_21715/10701
265
+ jupiter_DJI_0703_0704_0705_combined_sliced_10650_21715/10702
266
+ jupiter_DJI_0703_0704_0705_combined_sliced_10650_21715/10703
267
+ jupiter_DJI_0703_0704_0705_combined_sliced_10650_21715/10704
268
+ jupiter_DJI_0703_0704_0705_combined_sliced_10650_21715/10705
269
+ jupiter_DJI_0703_0704_0705_combined_sliced_10650_21715/10706
270
+ jupiter_DJI_0703_0704_0705_combined_sliced_10650_21715/10707
271
+ jupiter_DJI_0703_0704_0705_combined_sliced_10650_21715/10708
272
+ jupiter_DJI_0703_0704_0705_combined_sliced_10650_21715/10709
273
+ jupiter_DJI_0703_0704_0705_combined_sliced_10650_21715/10710
274
+ jupiter_DJI_0703_0704_0705_combined_sliced_10650_21715/10711
275
+ jupiter_DJI_0703_0704_0705_combined_sliced_10650_21715/10712
276
+ jupiter_DJI_0703_0704_0705_combined_sliced_10650_21715/10713
277
+ jupiter_DJI_0703_0704_0705_combined_sliced_10650_21715/10714
278
+ jupiter_DJI_0703_0704_0705_combined_sliced_10650_21715/10715
279
+ jupiter_DJI_0703_0704_0705_combined_sliced_10650_21715/10716
280
+ jupiter_DJI_0703_0704_0705_combined_sliced_10650_21715/10717
281
+ jupiter_DJI_0703_0704_0705_combined_sliced_10650_21715/10718
282
+ jupiter_DJI_0703_0704_0705_combined_sliced_10650_21715/10719
283
+ jupiter_DJI_0703_0704_0705_combined_sliced_10650_21715/10720
284
+ jupiter_DJI_0703_0704_0705_combined_sliced_10650_21715/10721
285
+ jupiter_DJI_0703_0704_0705_combined_sliced_10650_21715/10722
286
+ jupiter_DJI_0703_0704_0705_combined_sliced_10650_21715/10723
287
+ jupiter_DJI_0703_0704_0705_combined_sliced_10650_21715/10724
288
+ jupiter_DJI_0703_0704_0705_combined_sliced_10650_21715/10725
289
+ jupiter_DJI_0703_0704_0705_combined_sliced_10650_21715/10726
290
+ jupiter_DJI_0703_0704_0705_combined_sliced_10650_21715/10727
291
+ jupiter_DJI_0703_0704_0705_combined_sliced_10650_21715/10728
292
+ jupiter_DJI_0703_0704_0705_combined_sliced_10650_21715/10729
293
+ jupiter_DJI_0703_0704_0705_combined_sliced_10650_21715/10730
294
+ jupiter_DJI_0703_0704_0705_combined_sliced_10650_21715/10731
295
+ jupiter_DJI_0703_0704_0705_combined_sliced_10650_21715/10732
296
+ jupiter_DJI_0703_0704_0705_combined_sliced_10650_21715/10733
297
+ jupiter_DJI_0703_0704_0705_combined_sliced_10650_21715/10734
298
+ jupiter_DJI_0703_0704_0705_combined_sliced_10650_21715/10735
299
+ jupiter_DJI_0703_0704_0705_combined_sliced_10650_21715/10736
300
+ jupiter_DJI_0703_0704_0705_combined_sliced_10650_21715/10737
301
+ jupiter_DJI_0703_0704_0705_combined_sliced_10650_21715/10738
302
+ jupiter_DJI_0703_0704_0705_combined_sliced_10650_21715/10739
303
+ jupiter_DJI_0703_0704_0705_combined_sliced_10650_21715/10740
304
+ jupiter_DJI_0703_0704_0705_combined_sliced_10650_21715/10741
305
+ jupiter_DJI_0703_0704_0705_combined_sliced_10650_21715/10742
306
+ jupiter_DJI_0703_0704_0705_combined_sliced_10650_21715/10743
307
+ jupiter_DJI_0703_0704_0705_combined_sliced_10650_21715/10744
308
+ jupiter_DJI_0703_0704_0705_combined_sliced_10650_21715/10745
309
+ jupiter_DJI_0703_0704_0705_combined_sliced_10650_21715/10746
310
+ jupiter_DJI_0703_0704_0705_combined_sliced_10650_21715/10747
311
+ jupiter_DJI_0703_0704_0705_combined_sliced_10650_21715/10748
312
+ jupiter_DJI_0703_0704_0705_combined_sliced_10650_21715/10749
313
+ jupiter_DJI_0703_0704_0705_combined_sliced_10650_21715/10750
314
+ jupiter_DJI_0703_0704_0705_combined_sliced_10650_21715/10751
315
+ jupiter_DJI_0703_0704_0705_combined_sliced_10650_21715/10752
316
+ jupiter_DJI_0703_0704_0705_combined_sliced_10650_21715/10753
317
+ jupiter_DJI_0703_0704_0705_combined_sliced_10650_21715/10754
318
+ jupiter_DJI_0703_0704_0705_combined_sliced_10650_21715/10755
319
+ jupiter_DJI_0703_0704_0705_combined_sliced_10650_21715/10756
320
+ jupiter_DJI_0703_0704_0705_combined_sliced_10650_21715/10757
321
+ jupiter_DJI_0703_0704_0705_combined_sliced_10650_21715/10758
322
+ jupiter_DJI_0703_0704_0705_combined_sliced_10650_21715/10759
323
+ jupiter_DJI_0703_0704_0705_combined_sliced_10650_21715/10760
324
+ jupiter_DJI_0703_0704_0705_combined_sliced_10650_21715/10761
325
+ jupiter_DJI_0703_0704_0705_combined_sliced_10650_21715/10762
326
+ jupiter_DJI_0703_0704_0705_combined_sliced_10650_21715/10763
327
+ jupiter_DJI_0703_0704_0705_combined_sliced_10650_21715/10764
328
+ jupiter_DJI_0703_0704_0705_combined_sliced_10650_21715/10765
329
+ jupiter_DJI_0703_0704_0705_combined_sliced_10650_21715/10766
330
+ jupiter_DJI_0703_0704_0705_combined_sliced_10650_21715/10767
331
+ jupiter_DJI_0703_0704_0705_combined_sliced_10650_21715/10768
332
+ jupiter_DJI_0703_0704_0705_combined_sliced_10650_21715/10769
333
+ jupiter_DJI_0703_0704_0705_combined_sliced_10650_21715/10770
334
+ jupiter_DJI_0703_0704_0705_combined_sliced_10650_21715/10771
335
+ jupiter_DJI_0703_0704_0705_combined_sliced_10650_21715/10772
336
+ jupiter_DJI_0703_0704_0705_combined_sliced_10650_21715/10773
337
+ jupiter_DJI_0703_0704_0705_combined_sliced_10650_21715/10774
338
+ jupiter_DJI_0703_0704_0705_combined_sliced_10650_21715/10775
339
+ jupiter_DJI_0703_0704_0705_combined_sliced_10650_21715/10776
340
+ jupiter_DJI_0703_0704_0705_combined_sliced_10650_21715/10777
341
+ jupiter_DJI_0703_0704_0705_combined_sliced_10650_21715/10778
342
+ jupiter_DJI_0703_0704_0705_combined_sliced_10650_21715/10779
343
+ jupiter_DJI_0703_0704_0705_combined_sliced_10650_21715/10780
344
+ jupiter_DJI_0703_0704_0705_combined_sliced_10650_21715/10781
345
+ jupiter_DJI_0703_0704_0705_combined_sliced_10650_21715/10782
346
+ jupiter_DJI_0703_0704_0705_combined_sliced_10650_21715/10783
347
+ jupiter_DJI_0703_0704_0705_combined_sliced_10650_21715/10784
348
+ jupiter_DJI_0703_0704_0705_combined_sliced_10650_21715/10785
349
+ jupiter_DJI_0703_0704_0705_combined_sliced_10650_21715/10786
350
+ jupiter_DJI_0703_0704_0705_combined_sliced_10650_21715/10787
351
+ jupiter_DJI_0703_0704_0705_combined_sliced_10650_21715/10788
352
+ jupiter_DJI_0703_0704_0705_combined_sliced_10650_21715/10789
353
+ jupiter_DJI_0703_0704_0705_combined_sliced_10650_21715/10790
354
+ jupiter_DJI_0703_0704_0705_combined_sliced_10650_21715/10791
355
+ jupiter_DJI_0703_0704_0705_combined_sliced_10650_21715/10792
356
+ jupiter_DJI_0703_0704_0705_combined_sliced_10650_21715/10793
357
+ jupiter_DJI_0703_0704_0705_combined_sliced_10650_21715/10794
358
+ jupiter_DJI_0703_0704_0705_combined_sliced_10650_21715/10795
359
+ jupiter_DJI_0703_0704_0705_combined_sliced_10650_21715/10796
360
+ jupiter_DJI_0703_0704_0705_combined_sliced_10650_21715/10797
361
+ jupiter_DJI_0703_0704_0705_combined_sliced_10650_21715/10798
362
+ jupiter_DJI_0703_0704_0705_combined_sliced_10650_21715/10799
363
+ jupiter_DJI_0703_0704_0705_combined_sliced_10650_21715/10800
364
+ olanesti_DJI_0416_full/8880
365
+ olanesti_DJI_0416_full/8881
366
+ olanesti_DJI_0416_full/8882
367
+ olanesti_DJI_0416_full/8883
368
+ olanesti_DJI_0416_full/8884
369
+ olanesti_DJI_0416_full/8885
370
+ olanesti_DJI_0416_full/8886
371
+ olanesti_DJI_0416_full/8887
372
+ olanesti_DJI_0416_full/8888
373
+ olanesti_DJI_0416_full/8889
374
+ olanesti_DJI_0416_full/8890
375
+ olanesti_DJI_0416_full/8891
376
+ olanesti_DJI_0416_full/8892
377
+ olanesti_DJI_0416_full/8893
378
+ olanesti_DJI_0416_full/8894
379
+ olanesti_DJI_0416_full/8895
380
+ olanesti_DJI_0416_full/8896
381
+ olanesti_DJI_0416_full/8897
382
+ olanesti_DJI_0416_full/8898
383
+ olanesti_DJI_0416_full/8899
384
+ olanesti_DJI_0416_full/8900
385
+ olanesti_DJI_0416_full/8901
386
+ olanesti_DJI_0416_full/8902
387
+ olanesti_DJI_0416_full/8903
388
+ olanesti_DJI_0416_full/8904
389
+ olanesti_DJI_0416_full/8905
390
+ olanesti_DJI_0416_full/8906
391
+ olanesti_DJI_0416_full/8907
392
+ olanesti_DJI_0416_full/8908
393
+ olanesti_DJI_0416_full/8909
394
+ olanesti_DJI_0416_full/8910
395
+ olanesti_DJI_0416_full/8911
396
+ olanesti_DJI_0416_full/8912
397
+ olanesti_DJI_0416_full/8913
398
+ olanesti_DJI_0416_full/8914
399
+ olanesti_DJI_0416_full/8915
400
+ olanesti_DJI_0416_full/8916
401
+ olanesti_DJI_0416_full/8917
402
+ olanesti_DJI_0416_full/8918
403
+ olanesti_DJI_0416_full/8919
404
+ olanesti_DJI_0416_full/8920
405
+ olanesti_DJI_0416_full/8921
406
+ olanesti_DJI_0416_full/8922
407
+ olanesti_DJI_0416_full/8923
408
+ olanesti_DJI_0416_full/8924
409
+ olanesti_DJI_0416_full/8925
410
+ olanesti_DJI_0416_full/8926
411
+ olanesti_DJI_0416_full/8927
412
+ olanesti_DJI_0416_full/8928
413
+ olanesti_DJI_0416_full/8929
414
+ olanesti_DJI_0416_full/8930
415
+ olanesti_DJI_0416_full/8931
416
+ olanesti_DJI_0416_full/8932
417
+ olanesti_DJI_0416_full/8933
418
+ olanesti_DJI_0416_full/8934
419
+ olanesti_DJI_0416_full/8935
420
+ olanesti_DJI_0416_full/8936
421
+ olanesti_DJI_0416_full/8937
422
+ olanesti_DJI_0416_full/8938
423
+ olanesti_DJI_0416_full/8939
424
+ olanesti_DJI_0416_full/8940
425
+ olanesti_DJI_0416_full/8941
426
+ olanesti_DJI_0416_full/8942
427
+ olanesti_DJI_0416_full/8943
428
+ olanesti_DJI_0416_full/8944
429
+ olanesti_DJI_0416_full/8945
430
+ olanesti_DJI_0416_full/8946
431
+ olanesti_DJI_0416_full/8947
432
+ olanesti_DJI_0416_full/8948
433
+ olanesti_DJI_0416_full/8949
434
+ olanesti_DJI_0416_full/8950
435
+ olanesti_DJI_0416_full/8951
436
+ olanesti_DJI_0416_full/8952
437
+ olanesti_DJI_0416_full/8953
438
+ olanesti_DJI_0416_full/8954
439
+ olanesti_DJI_0416_full/8955
440
+ olanesti_DJI_0416_full/8956
441
+ olanesti_DJI_0416_full/8957
442
+ olanesti_DJI_0416_full/8958
443
+ olanesti_DJI_0416_full/8959
444
+ olanesti_DJI_0416_full/8960
445
+ olanesti_DJI_0416_full/8961
446
+ olanesti_DJI_0416_full/8962
447
+ olanesti_DJI_0416_full/8963
448
+ olanesti_DJI_0416_full/8964
449
+ olanesti_DJI_0416_full/8965
450
+ olanesti_DJI_0416_full/8966
451
+ olanesti_DJI_0416_full/8967
452
+ olanesti_DJI_0416_full/8968
453
+ olanesti_DJI_0416_full/8969
454
+ olanesti_DJI_0416_full/8970
455
+ olanesti_DJI_0416_full/8971
456
+ olanesti_DJI_0416_full/8972
457
+ olanesti_DJI_0416_full/8973
458
+ olanesti_DJI_0416_full/8974
459
+ olanesti_DJI_0416_full/8975
460
+ olanesti_DJI_0416_full/8976
461
+ olanesti_DJI_0416_full/8977
462
+ olanesti_DJI_0416_full/8978
463
+ olanesti_DJI_0416_full/8979
464
+ olanesti_DJI_0416_full/8980
465
+ olanesti_DJI_0416_full/8981
466
+ olanesti_DJI_0416_full/8982
467
+ olanesti_DJI_0416_full/8983
468
+ olanesti_DJI_0416_full/8984
469
+ olanesti_DJI_0416_full/8985
470
+ olanesti_DJI_0416_full/8986
471
+ olanesti_DJI_0416_full/8987
472
+ olanesti_DJI_0416_full/8988
473
+ olanesti_DJI_0416_full/8989
474
+ olanesti_DJI_0416_full/8990
475
+ olanesti_DJI_0416_full/8991
476
+ olanesti_DJI_0416_full/8992
477
+ olanesti_DJI_0416_full/8993
478
+ olanesti_DJI_0416_full/8994
479
+ olanesti_DJI_0416_full/8995
480
+ olanesti_DJI_0416_full/8996
481
+ olanesti_DJI_0416_full/8997
482
+ olanesti_DJI_0416_full/8998
483
+ olanesti_DJI_0416_full/8999
484
+ olanesti_DJI_0416_full/9000
485
+ petrova_DJI_0525_0526_combined_sliced_2850_11850/8880
486
+ petrova_DJI_0525_0526_combined_sliced_2850_11850/8881
487
+ petrova_DJI_0525_0526_combined_sliced_2850_11850/8882
488
+ petrova_DJI_0525_0526_combined_sliced_2850_11850/8883
489
+ petrova_DJI_0525_0526_combined_sliced_2850_11850/8884
490
+ petrova_DJI_0525_0526_combined_sliced_2850_11850/8885
491
+ petrova_DJI_0525_0526_combined_sliced_2850_11850/8886
492
+ petrova_DJI_0525_0526_combined_sliced_2850_11850/8887
493
+ petrova_DJI_0525_0526_combined_sliced_2850_11850/8888
494
+ petrova_DJI_0525_0526_combined_sliced_2850_11850/8889
495
+ petrova_DJI_0525_0526_combined_sliced_2850_11850/8890
496
+ petrova_DJI_0525_0526_combined_sliced_2850_11850/8891
497
+ petrova_DJI_0525_0526_combined_sliced_2850_11850/8892
498
+ petrova_DJI_0525_0526_combined_sliced_2850_11850/8893
499
+ petrova_DJI_0525_0526_combined_sliced_2850_11850/8894
500
+ petrova_DJI_0525_0526_combined_sliced_2850_11850/8895
501
+ petrova_DJI_0525_0526_combined_sliced_2850_11850/8896
502
+ petrova_DJI_0525_0526_combined_sliced_2850_11850/8897
503
+ petrova_DJI_0525_0526_combined_sliced_2850_11850/8898
504
+ petrova_DJI_0525_0526_combined_sliced_2850_11850/8899
505
+ petrova_DJI_0525_0526_combined_sliced_2850_11850/8900
506
+ petrova_DJI_0525_0526_combined_sliced_2850_11850/8901
507
+ petrova_DJI_0525_0526_combined_sliced_2850_11850/8902
508
+ petrova_DJI_0525_0526_combined_sliced_2850_11850/8903
509
+ petrova_DJI_0525_0526_combined_sliced_2850_11850/8904
510
+ petrova_DJI_0525_0526_combined_sliced_2850_11850/8905
511
+ petrova_DJI_0525_0526_combined_sliced_2850_11850/8906
512
+ petrova_DJI_0525_0526_combined_sliced_2850_11850/8907
513
+ petrova_DJI_0525_0526_combined_sliced_2850_11850/8908
514
+ petrova_DJI_0525_0526_combined_sliced_2850_11850/8909
515
+ petrova_DJI_0525_0526_combined_sliced_2850_11850/8910
516
+ petrova_DJI_0525_0526_combined_sliced_2850_11850/8911
517
+ petrova_DJI_0525_0526_combined_sliced_2850_11850/8912
518
+ petrova_DJI_0525_0526_combined_sliced_2850_11850/8913
519
+ petrova_DJI_0525_0526_combined_sliced_2850_11850/8914
520
+ petrova_DJI_0525_0526_combined_sliced_2850_11850/8915
521
+ petrova_DJI_0525_0526_combined_sliced_2850_11850/8916
522
+ petrova_DJI_0525_0526_combined_sliced_2850_11850/8917
523
+ petrova_DJI_0525_0526_combined_sliced_2850_11850/8918
524
+ petrova_DJI_0525_0526_combined_sliced_2850_11850/8919
525
+ petrova_DJI_0525_0526_combined_sliced_2850_11850/8920
526
+ petrova_DJI_0525_0526_combined_sliced_2850_11850/8921
527
+ petrova_DJI_0525_0526_combined_sliced_2850_11850/8922
528
+ petrova_DJI_0525_0526_combined_sliced_2850_11850/8923
529
+ petrova_DJI_0525_0526_combined_sliced_2850_11850/8924
530
+ petrova_DJI_0525_0526_combined_sliced_2850_11850/8925
531
+ petrova_DJI_0525_0526_combined_sliced_2850_11850/8926
532
+ petrova_DJI_0525_0526_combined_sliced_2850_11850/8927
533
+ petrova_DJI_0525_0526_combined_sliced_2850_11850/8928
534
+ petrova_DJI_0525_0526_combined_sliced_2850_11850/8929
535
+ petrova_DJI_0525_0526_combined_sliced_2850_11850/8930
536
+ petrova_DJI_0525_0526_combined_sliced_2850_11850/8931
537
+ petrova_DJI_0525_0526_combined_sliced_2850_11850/8932
538
+ petrova_DJI_0525_0526_combined_sliced_2850_11850/8933
539
+ petrova_DJI_0525_0526_combined_sliced_2850_11850/8934
540
+ petrova_DJI_0525_0526_combined_sliced_2850_11850/8935
541
+ petrova_DJI_0525_0526_combined_sliced_2850_11850/8936
542
+ petrova_DJI_0525_0526_combined_sliced_2850_11850/8937
543
+ petrova_DJI_0525_0526_combined_sliced_2850_11850/8938
544
+ petrova_DJI_0525_0526_combined_sliced_2850_11850/8939
545
+ petrova_DJI_0525_0526_combined_sliced_2850_11850/8940
546
+ petrova_DJI_0525_0526_combined_sliced_2850_11850/8941
547
+ petrova_DJI_0525_0526_combined_sliced_2850_11850/8942
548
+ petrova_DJI_0525_0526_combined_sliced_2850_11850/8943
549
+ petrova_DJI_0525_0526_combined_sliced_2850_11850/8944
550
+ petrova_DJI_0525_0526_combined_sliced_2850_11850/8945
551
+ petrova_DJI_0525_0526_combined_sliced_2850_11850/8946
552
+ petrova_DJI_0525_0526_combined_sliced_2850_11850/8947
553
+ petrova_DJI_0525_0526_combined_sliced_2850_11850/8948
554
+ petrova_DJI_0525_0526_combined_sliced_2850_11850/8949
555
+ petrova_DJI_0525_0526_combined_sliced_2850_11850/8950
556
+ petrova_DJI_0525_0526_combined_sliced_2850_11850/8951
557
+ petrova_DJI_0525_0526_combined_sliced_2850_11850/8952
558
+ petrova_DJI_0525_0526_combined_sliced_2850_11850/8953
559
+ petrova_DJI_0525_0526_combined_sliced_2850_11850/8954
560
+ petrova_DJI_0525_0526_combined_sliced_2850_11850/8955
561
+ petrova_DJI_0525_0526_combined_sliced_2850_11850/8956
562
+ petrova_DJI_0525_0526_combined_sliced_2850_11850/8957
563
+ petrova_DJI_0525_0526_combined_sliced_2850_11850/8958
564
+ petrova_DJI_0525_0526_combined_sliced_2850_11850/8959
565
+ petrova_DJI_0525_0526_combined_sliced_2850_11850/8960
566
+ petrova_DJI_0525_0526_combined_sliced_2850_11850/8961
567
+ petrova_DJI_0525_0526_combined_sliced_2850_11850/8962
568
+ petrova_DJI_0525_0526_combined_sliced_2850_11850/8963
569
+ petrova_DJI_0525_0526_combined_sliced_2850_11850/8964
570
+ petrova_DJI_0525_0526_combined_sliced_2850_11850/8965
571
+ petrova_DJI_0525_0526_combined_sliced_2850_11850/8966
572
+ petrova_DJI_0525_0526_combined_sliced_2850_11850/8967
573
+ petrova_DJI_0525_0526_combined_sliced_2850_11850/8968
574
+ petrova_DJI_0525_0526_combined_sliced_2850_11850/8969
575
+ petrova_DJI_0525_0526_combined_sliced_2850_11850/8970
576
+ petrova_DJI_0525_0526_combined_sliced_2850_11850/8971
577
+ petrova_DJI_0525_0526_combined_sliced_2850_11850/8972
578
+ petrova_DJI_0525_0526_combined_sliced_2850_11850/8973
579
+ petrova_DJI_0525_0526_combined_sliced_2850_11850/8974
580
+ petrova_DJI_0525_0526_combined_sliced_2850_11850/8975
581
+ petrova_DJI_0525_0526_combined_sliced_2850_11850/8976
582
+ petrova_DJI_0525_0526_combined_sliced_2850_11850/8977
583
+ petrova_DJI_0525_0526_combined_sliced_2850_11850/8978
584
+ petrova_DJI_0525_0526_combined_sliced_2850_11850/8979
585
+ petrova_DJI_0525_0526_combined_sliced_2850_11850/8980
586
+ petrova_DJI_0525_0526_combined_sliced_2850_11850/8981
587
+ petrova_DJI_0525_0526_combined_sliced_2850_11850/8982
588
+ petrova_DJI_0525_0526_combined_sliced_2850_11850/8983
589
+ petrova_DJI_0525_0526_combined_sliced_2850_11850/8984
590
+ petrova_DJI_0525_0526_combined_sliced_2850_11850/8985
591
+ petrova_DJI_0525_0526_combined_sliced_2850_11850/8986
592
+ petrova_DJI_0525_0526_combined_sliced_2850_11850/8987
593
+ petrova_DJI_0525_0526_combined_sliced_2850_11850/8988
594
+ petrova_DJI_0525_0526_combined_sliced_2850_11850/8989
595
+ petrova_DJI_0525_0526_combined_sliced_2850_11850/8990
596
+ petrova_DJI_0525_0526_combined_sliced_2850_11850/8991
597
+ petrova_DJI_0525_0526_combined_sliced_2850_11850/8992
598
+ petrova_DJI_0525_0526_combined_sliced_2850_11850/8993
599
+ petrova_DJI_0525_0526_combined_sliced_2850_11850/8994
600
+ petrova_DJI_0525_0526_combined_sliced_2850_11850/8995
601
+ petrova_DJI_0525_0526_combined_sliced_2850_11850/8996
602
+ petrova_DJI_0525_0526_combined_sliced_2850_11850/8997
603
+ petrova_DJI_0525_0526_combined_sliced_2850_11850/8998
604
+ petrova_DJI_0525_0526_combined_sliced_2850_11850/8999
605
+ petrova_DJI_0525_0526_combined_sliced_2850_11850/9000
scripts/txt_files/manually_annotated_files/semisup_files_207.txt ADDED
@@ -0,0 +1,207 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ atanasie_DJI_0652_full/4560
2
+ atanasie_DJI_0652_full/4620
3
+ atanasie_DJI_0652_full/4680
4
+ atanasie_DJI_0652_full/4740
5
+ atanasie_DJI_0652_full/4800
6
+ atanasie_DJI_0652_full/4860
7
+ atanasie_DJI_0652_full/4920
8
+ atanasie_DJI_0652_full/4980
9
+ atanasie_DJI_0652_full/5040
10
+ atanasie_DJI_0652_full/5100
11
+ atanasie_DJI_0652_full/5160
12
+ atanasie_DJI_0652_full/5220
13
+ atanasie_DJI_0652_full/5280
14
+ atanasie_DJI_0652_full/5340
15
+ atanasie_DJI_0652_full/5400
16
+ atanasie_DJI_0652_full/5460
17
+ atanasie_DJI_0652_full/5520
18
+ atanasie_DJI_0652_full/5580
19
+ atanasie_DJI_0652_full/5640
20
+ atanasie_DJI_0652_full/5700
21
+ atanasie_DJI_0652_full/5760
22
+ atanasie_DJI_0652_full/5820
23
+ atanasie_DJI_0652_full/5880
24
+ atanasie_DJI_0652_full/5940
25
+ atanasie_DJI_0652_full/6000
26
+ atanasie_DJI_0652_full/6060
27
+ atanasie_DJI_0652_full/6120
28
+ atanasie_DJI_0652_full/6180
29
+ atanasie_DJI_0652_full/6240
30
+ atanasie_DJI_0652_full/6300
31
+ atanasie_DJI_0652_full/6360
32
+ atanasie_DJI_0652_full/6420
33
+ atanasie_DJI_0652_full/6480
34
+ atanasie_DJI_0652_full/6540
35
+ atanasie_DJI_0652_full/6600
36
+ atanasie_DJI_0652_full/6660
37
+ atanasie_DJI_0652_full/6720
38
+ atanasie_DJI_0652_full/6780
39
+ atanasie_DJI_0652_full/6840
40
+ atanasie_DJI_0652_full/6900
41
+ atanasie_DJI_0652_full/6960
42
+ atanasie_DJI_0652_full/7020
43
+ atanasie_DJI_0652_full/7080
44
+ atanasie_DJI_0652_full/7140
45
+ atanasie_DJI_0652_full/7200
46
+ atanasie_DJI_0652_full/7260
47
+ atanasie_DJI_0652_full/7320
48
+ atanasie_DJI_0652_full/7380
49
+ atanasie_DJI_0652_full/7440
50
+ atanasie_DJI_0652_full/7500
51
+ atanasie_DJI_0652_full/7560
52
+ atanasie_DJI_0652_full/7620
53
+ atanasie_DJI_0652_full/7680
54
+ atanasie_DJI_0652_full/7740
55
+ atanasie_DJI_0652_full/7800
56
+ atanasie_DJI_0652_full/7860
57
+ atanasie_DJI_0652_full/7920
58
+ atanasie_DJI_0652_full/7980
59
+ atanasie_DJI_0652_full/8040
60
+ atanasie_DJI_0652_full/8100
61
+ atanasie_DJI_0652_full/8160
62
+ atanasie_DJI_0652_full/8220
63
+ atanasie_DJI_0652_full/8280
64
+ atanasie_DJI_0652_full/8340
65
+ atanasie_DJI_0652_full/8400
66
+ atanasie_DJI_0652_full/8460
67
+ atanasie_DJI_0652_full/8520
68
+ atanasie_DJI_0652_full/8580
69
+ atanasie_DJI_0652_full/8640
70
+ atanasie_DJI_0652_full/8700
71
+ atanasie_DJI_0652_full/8760
72
+ atanasie_DJI_0652_full/8820
73
+ atanasie_DJI_0652_full/8880
74
+ atanasie_DJI_0652_full/8940
75
+ atanasie_DJI_0652_full/9000
76
+ gradistei_DJI_0787_0788_0789_combined_sliced_3510_13110/1680
77
+ gradistei_DJI_0787_0788_0789_combined_sliced_3510_13110/1740
78
+ gradistei_DJI_0787_0788_0789_combined_sliced_3510_13110/1800
79
+ gradistei_DJI_0787_0788_0789_combined_sliced_3510_13110/3480
80
+ gradistei_DJI_0787_0788_0789_combined_sliced_3510_13110/3540
81
+ gradistei_DJI_0787_0788_0789_combined_sliced_3510_13110/3600
82
+ gradistei_DJI_0787_0788_0789_combined_sliced_3510_13110/5280
83
+ gradistei_DJI_0787_0788_0789_combined_sliced_3510_13110/5340
84
+ gradistei_DJI_0787_0788_0789_combined_sliced_3510_13110/5400
85
+ gradistei_DJI_0787_0788_0789_combined_sliced_3510_13110/7080
86
+ gradistei_DJI_0787_0788_0789_combined_sliced_3510_13110/7140
87
+ gradistei_DJI_0787_0788_0789_combined_sliced_3510_13110/7200
88
+ herculane_DJI_0021_full/3480
89
+ herculane_DJI_0021_full/3540
90
+ herculane_DJI_0021_full/3600
91
+ herculane_DJI_0021_full/5280
92
+ herculane_DJI_0021_full/5340
93
+ herculane_DJI_0021_full/5400
94
+ herculane_DJI_0021_full/7080
95
+ herculane_DJI_0021_full/7140
96
+ herculane_DJI_0021_full/7200
97
+ jupiter_DJI_0703_0704_0705_combined_sliced_10650_21715/1680
98
+ jupiter_DJI_0703_0704_0705_combined_sliced_10650_21715/1740
99
+ jupiter_DJI_0703_0704_0705_combined_sliced_10650_21715/1800
100
+ jupiter_DJI_0703_0704_0705_combined_sliced_10650_21715/3480
101
+ jupiter_DJI_0703_0704_0705_combined_sliced_10650_21715/3540
102
+ jupiter_DJI_0703_0704_0705_combined_sliced_10650_21715/3600
103
+ jupiter_DJI_0703_0704_0705_combined_sliced_10650_21715/5280
104
+ jupiter_DJI_0703_0704_0705_combined_sliced_10650_21715/5340
105
+ jupiter_DJI_0703_0704_0705_combined_sliced_10650_21715/5400
106
+ jupiter_DJI_0703_0704_0705_combined_sliced_10650_21715/7080
107
+ jupiter_DJI_0703_0704_0705_combined_sliced_10650_21715/7140
108
+ jupiter_DJI_0703_0704_0705_combined_sliced_10650_21715/7200
109
+ jupiter_DJI_0703_0704_0705_combined_sliced_10650_21715/8880
110
+ jupiter_DJI_0703_0704_0705_combined_sliced_10650_21715/8940
111
+ jupiter_DJI_0703_0704_0705_combined_sliced_10650_21715/9000
112
+ olanesti_DJI_0416_full/1680
113
+ olanesti_DJI_0416_full/1740
114
+ olanesti_DJI_0416_full/1800
115
+ olanesti_DJI_0416_full/3480
116
+ olanesti_DJI_0416_full/3540
117
+ olanesti_DJI_0416_full/3600
118
+ olanesti_DJI_0416_full/5280
119
+ olanesti_DJI_0416_full/5340
120
+ olanesti_DJI_0416_full/5400
121
+ olanesti_DJI_0416_full/7080
122
+ olanesti_DJI_0416_full/7140
123
+ olanesti_DJI_0416_full/7200
124
+ petrova_DJI_0525_0526_combined_sliced_2850_11850/1680
125
+ petrova_DJI_0525_0526_combined_sliced_2850_11850/1740
126
+ petrova_DJI_0525_0526_combined_sliced_2850_11850/1800
127
+ petrova_DJI_0525_0526_combined_sliced_2850_11850/3480
128
+ petrova_DJI_0525_0526_combined_sliced_2850_11850/3540
129
+ petrova_DJI_0525_0526_combined_sliced_2850_11850/3600
130
+ petrova_DJI_0525_0526_combined_sliced_2850_11850/5280
131
+ petrova_DJI_0525_0526_combined_sliced_2850_11850/5340
132
+ petrova_DJI_0525_0526_combined_sliced_2850_11850/5400
133
+ slanic_DJI_0956_0957_combined_sliced_780_9780/4560
134
+ slanic_DJI_0956_0957_combined_sliced_780_9780/4620
135
+ slanic_DJI_0956_0957_combined_sliced_780_9780/4680
136
+ slanic_DJI_0956_0957_combined_sliced_780_9780/4740
137
+ slanic_DJI_0956_0957_combined_sliced_780_9780/4800
138
+ slanic_DJI_0956_0957_combined_sliced_780_9780/4860
139
+ slanic_DJI_0956_0957_combined_sliced_780_9780/4920
140
+ slanic_DJI_0956_0957_combined_sliced_780_9780/4980
141
+ slanic_DJI_0956_0957_combined_sliced_780_9780/5040
142
+ slanic_DJI_0956_0957_combined_sliced_780_9780/5100
143
+ slanic_DJI_0956_0957_combined_sliced_780_9780/5160
144
+ slanic_DJI_0956_0957_combined_sliced_780_9780/5220
145
+ slanic_DJI_0956_0957_combined_sliced_780_9780/5280
146
+ slanic_DJI_0956_0957_combined_sliced_780_9780/5340
147
+ slanic_DJI_0956_0957_combined_sliced_780_9780/5400
148
+ slanic_DJI_0956_0957_combined_sliced_780_9780/5460
149
+ slanic_DJI_0956_0957_combined_sliced_780_9780/5520
150
+ slanic_DJI_0956_0957_combined_sliced_780_9780/5580
151
+ slanic_DJI_0956_0957_combined_sliced_780_9780/5640
152
+ slanic_DJI_0956_0957_combined_sliced_780_9780/5700
153
+ slanic_DJI_0956_0957_combined_sliced_780_9780/5760
154
+ slanic_DJI_0956_0957_combined_sliced_780_9780/5820
155
+ slanic_DJI_0956_0957_combined_sliced_780_9780/5880
156
+ slanic_DJI_0956_0957_combined_sliced_780_9780/5940
157
+ slanic_DJI_0956_0957_combined_sliced_780_9780/6000
158
+ slanic_DJI_0956_0957_combined_sliced_780_9780/6060
159
+ slanic_DJI_0956_0957_combined_sliced_780_9780/6120
160
+ slanic_DJI_0956_0957_combined_sliced_780_9780/6180
161
+ slanic_DJI_0956_0957_combined_sliced_780_9780/6240
162
+ slanic_DJI_0956_0957_combined_sliced_780_9780/6300
163
+ slanic_DJI_0956_0957_combined_sliced_780_9780/6360
164
+ slanic_DJI_0956_0957_combined_sliced_780_9780/6420
165
+ slanic_DJI_0956_0957_combined_sliced_780_9780/6480
166
+ slanic_DJI_0956_0957_combined_sliced_780_9780/6540
167
+ slanic_DJI_0956_0957_combined_sliced_780_9780/6600
168
+ slanic_DJI_0956_0957_combined_sliced_780_9780/6660
169
+ slanic_DJI_0956_0957_combined_sliced_780_9780/6720
170
+ slanic_DJI_0956_0957_combined_sliced_780_9780/6780
171
+ slanic_DJI_0956_0957_combined_sliced_780_9780/6840
172
+ slanic_DJI_0956_0957_combined_sliced_780_9780/6900
173
+ slanic_DJI_0956_0957_combined_sliced_780_9780/6960
174
+ slanic_DJI_0956_0957_combined_sliced_780_9780/7020
175
+ slanic_DJI_0956_0957_combined_sliced_780_9780/7080
176
+ slanic_DJI_0956_0957_combined_sliced_780_9780/7140
177
+ slanic_DJI_0956_0957_combined_sliced_780_9780/7200
178
+ slanic_DJI_0956_0957_combined_sliced_780_9780/7260
179
+ slanic_DJI_0956_0957_combined_sliced_780_9780/7320
180
+ slanic_DJI_0956_0957_combined_sliced_780_9780/7380
181
+ slanic_DJI_0956_0957_combined_sliced_780_9780/7440
182
+ slanic_DJI_0956_0957_combined_sliced_780_9780/7500
183
+ slanic_DJI_0956_0957_combined_sliced_780_9780/7560
184
+ slanic_DJI_0956_0957_combined_sliced_780_9780/7620
185
+ slanic_DJI_0956_0957_combined_sliced_780_9780/7680
186
+ slanic_DJI_0956_0957_combined_sliced_780_9780/7740
187
+ slanic_DJI_0956_0957_combined_sliced_780_9780/7800
188
+ slanic_DJI_0956_0957_combined_sliced_780_9780/7860
189
+ slanic_DJI_0956_0957_combined_sliced_780_9780/7920
190
+ slanic_DJI_0956_0957_combined_sliced_780_9780/7980
191
+ slanic_DJI_0956_0957_combined_sliced_780_9780/8040
192
+ slanic_DJI_0956_0957_combined_sliced_780_9780/8100
193
+ slanic_DJI_0956_0957_combined_sliced_780_9780/8160
194
+ slanic_DJI_0956_0957_combined_sliced_780_9780/8220
195
+ slanic_DJI_0956_0957_combined_sliced_780_9780/8280
196
+ slanic_DJI_0956_0957_combined_sliced_780_9780/8340
197
+ slanic_DJI_0956_0957_combined_sliced_780_9780/8400
198
+ slanic_DJI_0956_0957_combined_sliced_780_9780/8460
199
+ slanic_DJI_0956_0957_combined_sliced_780_9780/8520
200
+ slanic_DJI_0956_0957_combined_sliced_780_9780/8580
201
+ slanic_DJI_0956_0957_combined_sliced_780_9780/8640
202
+ slanic_DJI_0956_0957_combined_sliced_780_9780/8700
203
+ slanic_DJI_0956_0957_combined_sliced_780_9780/8760
204
+ slanic_DJI_0956_0957_combined_sliced_780_9780/8820
205
+ slanic_DJI_0956_0957_combined_sliced_780_9780/8880
206
+ slanic_DJI_0956_0957_combined_sliced_780_9780/8940
207
+ slanic_DJI_0956_0957_combined_sliced_780_9780/9000
scripts/txt_files/manually_annotated_files/test_files_116.txt ADDED
@@ -0,0 +1,116 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ barsana_DJI_0500_0501_combined_sliced_2700_14700/780
2
+ barsana_DJI_0500_0501_combined_sliced_2700_14700/840
3
+ barsana_DJI_0500_0501_combined_sliced_2700_14700/900
4
+ barsana_DJI_0500_0501_combined_sliced_2700_14700/1680
5
+ barsana_DJI_0500_0501_combined_sliced_2700_14700/1740
6
+ barsana_DJI_0500_0501_combined_sliced_2700_14700/1800
7
+ barsana_DJI_0500_0501_combined_sliced_2700_14700/2580
8
+ barsana_DJI_0500_0501_combined_sliced_2700_14700/2640
9
+ barsana_DJI_0500_0501_combined_sliced_2700_14700/2700
10
+ barsana_DJI_0500_0501_combined_sliced_2700_14700/3480
11
+ barsana_DJI_0500_0501_combined_sliced_2700_14700/3540
12
+ barsana_DJI_0500_0501_combined_sliced_2700_14700/3600
13
+ barsana_DJI_0500_0501_combined_sliced_2700_14700/4380
14
+ barsana_DJI_0500_0501_combined_sliced_2700_14700/4440
15
+ barsana_DJI_0500_0501_combined_sliced_2700_14700/4500
16
+ barsana_DJI_0500_0501_combined_sliced_2700_14700/5280
17
+ barsana_DJI_0500_0501_combined_sliced_2700_14700/5340
18
+ barsana_DJI_0500_0501_combined_sliced_2700_14700/5400
19
+ barsana_DJI_0500_0501_combined_sliced_2700_14700/6180
20
+ barsana_DJI_0500_0501_combined_sliced_2700_14700/6240
21
+ barsana_DJI_0500_0501_combined_sliced_2700_14700/6300
22
+ barsana_DJI_0500_0501_combined_sliced_2700_14700/7980
23
+ barsana_DJI_0500_0501_combined_sliced_2700_14700/8040
24
+ barsana_DJI_0500_0501_combined_sliced_2700_14700/8100
25
+ barsana_DJI_0500_0501_combined_sliced_2700_14700/8880
26
+ barsana_DJI_0500_0501_combined_sliced_2700_14700/8940
27
+ barsana_DJI_0500_0501_combined_sliced_2700_14700/9000
28
+ barsana_DJI_0500_0501_combined_sliced_2700_14700/9780
29
+ barsana_DJI_0500_0501_combined_sliced_2700_14700/9840
30
+ barsana_DJI_0500_0501_combined_sliced_2700_14700/9900
31
+ barsana_DJI_0500_0501_combined_sliced_2700_14700/10680
32
+ barsana_DJI_0500_0501_combined_sliced_2700_14700/10740
33
+ barsana_DJI_0500_0501_combined_sliced_2700_14700/10800
34
+ barsana_DJI_0500_0501_combined_sliced_2700_14700/11580
35
+ barsana_DJI_0500_0501_combined_sliced_2700_14700/11640
36
+ barsana_DJI_0500_0501_combined_sliced_2700_14700/11700
37
+ comana_DJI_0881_full/780
38
+ comana_DJI_0881_full/840
39
+ comana_DJI_0881_full/900
40
+ comana_DJI_0881_full/1680
41
+ comana_DJI_0881_full/1740
42
+ comana_DJI_0881_full/1800
43
+ comana_DJI_0881_full/2580
44
+ comana_DJI_0881_full/2640
45
+ comana_DJI_0881_full/2700
46
+ comana_DJI_0881_full/3480
47
+ comana_DJI_0881_full/3540
48
+ comana_DJI_0881_full/3600
49
+ comana_DJI_0881_full/4380
50
+ comana_DJI_0881_full/4440
51
+ comana_DJI_0881_full/4500
52
+ comana_DJI_0881_full/5280
53
+ comana_DJI_0881_full/5340
54
+ comana_DJI_0881_full/5400
55
+ comana_DJI_0881_full/6180
56
+ comana_DJI_0881_full/6240
57
+ comana_DJI_0881_full/6300
58
+ comana_DJI_0881_full/7080
59
+ comana_DJI_0881_full/7140
60
+ comana_DJI_0881_full/7200
61
+ comana_DJI_0881_full/7980
62
+ comana_DJI_0881_full/8040
63
+ comana_DJI_0881_full/8100
64
+ comana_DJI_0881_full/8880
65
+ comana_DJI_0881_full/8940
66
+ comana_DJI_0881_full/9000
67
+ norway_210821_DJI_0015_full/0
68
+ norway_210821_DJI_0015_full/60
69
+ norway_210821_DJI_0015_full/120
70
+ norway_210821_DJI_0015_full/180
71
+ norway_210821_DJI_0015_full/240
72
+ norway_210821_DJI_0015_full/300
73
+ norway_210821_DJI_0015_full/360
74
+ norway_210821_DJI_0015_full/420
75
+ norway_210821_DJI_0015_full/480
76
+ norway_210821_DJI_0015_full/540
77
+ norway_210821_DJI_0015_full/600
78
+ norway_210821_DJI_0015_full/660
79
+ norway_210821_DJI_0015_full/720
80
+ norway_210821_DJI_0015_full/780
81
+ norway_210821_DJI_0015_full/840
82
+ norway_210821_DJI_0015_full/900
83
+ norway_210821_DJI_0015_full/960
84
+ norway_210821_DJI_0015_full/1020
85
+ norway_210821_DJI_0015_full/1080
86
+ norway_210821_DJI_0015_full/1140
87
+ norway_210821_DJI_0015_full/1200
88
+ norway_210821_DJI_0015_full/1260
89
+ norway_210821_DJI_0015_full/1320
90
+ norway_210821_DJI_0015_full/1380
91
+ norway_210821_DJI_0015_full/1440
92
+ norway_210821_DJI_0015_full/1500
93
+ norway_210821_DJI_0015_full/1560
94
+ norway_210821_DJI_0015_full/1620
95
+ norway_210821_DJI_0015_full/1680
96
+ norway_210821_DJI_0015_full/1740
97
+ norway_210821_DJI_0015_full/1800
98
+ norway_210821_DJI_0015_full/1860
99
+ norway_210821_DJI_0015_full/1920
100
+ norway_210821_DJI_0015_full/1980
101
+ norway_210821_DJI_0015_full/2040
102
+ norway_210821_DJI_0015_full/2100
103
+ norway_210821_DJI_0015_full/2160
104
+ norway_210821_DJI_0015_full/2220
105
+ norway_210821_DJI_0015_full/2280
106
+ norway_210821_DJI_0015_full/2340
107
+ norway_210821_DJI_0015_full/2400
108
+ norway_210821_DJI_0015_full/2460
109
+ norway_210821_DJI_0015_full/2520
110
+ norway_210821_DJI_0015_full/2580
111
+ norway_210821_DJI_0015_full/2640
112
+ norway_210821_DJI_0015_full/2700
113
+ norway_210821_DJI_0015_full/2760
114
+ norway_210821_DJI_0015_full/2820
115
+ norway_210821_DJI_0015_full/2880
116
+ norway_210821_DJI_0015_full/2940
scripts/txt_files/manually_annotated_files/train_files_218.txt ADDED
@@ -0,0 +1,218 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ atanasie_DJI_0652_full/0
2
+ atanasie_DJI_0652_full/60
3
+ atanasie_DJI_0652_full/120
4
+ atanasie_DJI_0652_full/180
5
+ atanasie_DJI_0652_full/240
6
+ atanasie_DJI_0652_full/300
7
+ atanasie_DJI_0652_full/360
8
+ atanasie_DJI_0652_full/420
9
+ atanasie_DJI_0652_full/480
10
+ atanasie_DJI_0652_full/540
11
+ atanasie_DJI_0652_full/600
12
+ atanasie_DJI_0652_full/660
13
+ atanasie_DJI_0652_full/720
14
+ atanasie_DJI_0652_full/780
15
+ atanasie_DJI_0652_full/840
16
+ atanasie_DJI_0652_full/900
17
+ atanasie_DJI_0652_full/960
18
+ atanasie_DJI_0652_full/1020
19
+ atanasie_DJI_0652_full/1080
20
+ atanasie_DJI_0652_full/1140
21
+ atanasie_DJI_0652_full/1200
22
+ atanasie_DJI_0652_full/1260
23
+ atanasie_DJI_0652_full/1320
24
+ atanasie_DJI_0652_full/1380
25
+ atanasie_DJI_0652_full/1440
26
+ atanasie_DJI_0652_full/1500
27
+ atanasie_DJI_0652_full/1560
28
+ atanasie_DJI_0652_full/1620
29
+ atanasie_DJI_0652_full/1680
30
+ atanasie_DJI_0652_full/1740
31
+ atanasie_DJI_0652_full/1800
32
+ atanasie_DJI_0652_full/1860
33
+ atanasie_DJI_0652_full/1920
34
+ atanasie_DJI_0652_full/1980
35
+ atanasie_DJI_0652_full/2040
36
+ atanasie_DJI_0652_full/2100
37
+ atanasie_DJI_0652_full/2160
38
+ atanasie_DJI_0652_full/2220
39
+ atanasie_DJI_0652_full/2280
40
+ atanasie_DJI_0652_full/2340
41
+ atanasie_DJI_0652_full/2400
42
+ atanasie_DJI_0652_full/2460
43
+ atanasie_DJI_0652_full/2520
44
+ atanasie_DJI_0652_full/2580
45
+ atanasie_DJI_0652_full/2640
46
+ atanasie_DJI_0652_full/2700
47
+ atanasie_DJI_0652_full/2760
48
+ atanasie_DJI_0652_full/2820
49
+ atanasie_DJI_0652_full/2880
50
+ atanasie_DJI_0652_full/2940
51
+ atanasie_DJI_0652_full/3000
52
+ atanasie_DJI_0652_full/3060
53
+ atanasie_DJI_0652_full/3120
54
+ atanasie_DJI_0652_full/3180
55
+ atanasie_DJI_0652_full/3240
56
+ atanasie_DJI_0652_full/3300
57
+ atanasie_DJI_0652_full/3360
58
+ atanasie_DJI_0652_full/3420
59
+ atanasie_DJI_0652_full/3480
60
+ atanasie_DJI_0652_full/3540
61
+ atanasie_DJI_0652_full/3600
62
+ atanasie_DJI_0652_full/3660
63
+ atanasie_DJI_0652_full/3720
64
+ atanasie_DJI_0652_full/3780
65
+ atanasie_DJI_0652_full/3840
66
+ atanasie_DJI_0652_full/3900
67
+ atanasie_DJI_0652_full/3960
68
+ atanasie_DJI_0652_full/4020
69
+ atanasie_DJI_0652_full/4080
70
+ atanasie_DJI_0652_full/4140
71
+ atanasie_DJI_0652_full/4200
72
+ atanasie_DJI_0652_full/4260
73
+ atanasie_DJI_0652_full/4320
74
+ atanasie_DJI_0652_full/4380
75
+ atanasie_DJI_0652_full/4440
76
+ atanasie_DJI_0652_full/4500
77
+ gradistei_DJI_0787_0788_0789_combined_sliced_3510_13110/780
78
+ gradistei_DJI_0787_0788_0789_combined_sliced_3510_13110/840
79
+ gradistei_DJI_0787_0788_0789_combined_sliced_3510_13110/900
80
+ gradistei_DJI_0787_0788_0789_combined_sliced_3510_13110/2580
81
+ gradistei_DJI_0787_0788_0789_combined_sliced_3510_13110/2640
82
+ gradistei_DJI_0787_0788_0789_combined_sliced_3510_13110/2700
83
+ gradistei_DJI_0787_0788_0789_combined_sliced_3510_13110/4380
84
+ gradistei_DJI_0787_0788_0789_combined_sliced_3510_13110/4440
85
+ gradistei_DJI_0787_0788_0789_combined_sliced_3510_13110/4500
86
+ gradistei_DJI_0787_0788_0789_combined_sliced_3510_13110/6180
87
+ gradistei_DJI_0787_0788_0789_combined_sliced_3510_13110/6240
88
+ gradistei_DJI_0787_0788_0789_combined_sliced_3510_13110/6300
89
+ gradistei_DJI_0787_0788_0789_combined_sliced_3510_13110/7980
90
+ gradistei_DJI_0787_0788_0789_combined_sliced_3510_13110/8040
91
+ gradistei_DJI_0787_0788_0789_combined_sliced_3510_13110/8100
92
+ herculane_DJI_0021_full/2580
93
+ herculane_DJI_0021_full/2640
94
+ herculane_DJI_0021_full/2700
95
+ herculane_DJI_0021_full/6180
96
+ herculane_DJI_0021_full/6240
97
+ herculane_DJI_0021_full/6300
98
+ herculane_DJI_0021_full/7980
99
+ herculane_DJI_0021_full/8040
100
+ herculane_DJI_0021_full/8100
101
+ jupiter_DJI_0703_0704_0705_combined_sliced_10650_21715/780
102
+ jupiter_DJI_0703_0704_0705_combined_sliced_10650_21715/840
103
+ jupiter_DJI_0703_0704_0705_combined_sliced_10650_21715/900
104
+ jupiter_DJI_0703_0704_0705_combined_sliced_10650_21715/2580
105
+ jupiter_DJI_0703_0704_0705_combined_sliced_10650_21715/2640
106
+ jupiter_DJI_0703_0704_0705_combined_sliced_10650_21715/2700
107
+ jupiter_DJI_0703_0704_0705_combined_sliced_10650_21715/4380
108
+ jupiter_DJI_0703_0704_0705_combined_sliced_10650_21715/4440
109
+ jupiter_DJI_0703_0704_0705_combined_sliced_10650_21715/4500
110
+ jupiter_DJI_0703_0704_0705_combined_sliced_10650_21715/6180
111
+ jupiter_DJI_0703_0704_0705_combined_sliced_10650_21715/6240
112
+ jupiter_DJI_0703_0704_0705_combined_sliced_10650_21715/6300
113
+ jupiter_DJI_0703_0704_0705_combined_sliced_10650_21715/7980
114
+ jupiter_DJI_0703_0704_0705_combined_sliced_10650_21715/8040
115
+ jupiter_DJI_0703_0704_0705_combined_sliced_10650_21715/8100
116
+ jupiter_DJI_0703_0704_0705_combined_sliced_10650_21715/9780
117
+ jupiter_DJI_0703_0704_0705_combined_sliced_10650_21715/9840
118
+ jupiter_DJI_0703_0704_0705_combined_sliced_10650_21715/9900
119
+ olanesti_DJI_0416_full/780
120
+ olanesti_DJI_0416_full/840
121
+ olanesti_DJI_0416_full/900
122
+ olanesti_DJI_0416_full/2580
123
+ olanesti_DJI_0416_full/2640
124
+ olanesti_DJI_0416_full/2700
125
+ olanesti_DJI_0416_full/4380
126
+ olanesti_DJI_0416_full/4440
127
+ olanesti_DJI_0416_full/4500
128
+ olanesti_DJI_0416_full/6180
129
+ olanesti_DJI_0416_full/6240
130
+ olanesti_DJI_0416_full/6300
131
+ olanesti_DJI_0416_full/7980
132
+ olanesti_DJI_0416_full/8040
133
+ olanesti_DJI_0416_full/8100
134
+ petrova_DJI_0525_0526_combined_sliced_2850_11850/4380
135
+ petrova_DJI_0525_0526_combined_sliced_2850_11850/4440
136
+ petrova_DJI_0525_0526_combined_sliced_2850_11850/4500
137
+ petrova_DJI_0525_0526_combined_sliced_2850_11850/6180
138
+ petrova_DJI_0525_0526_combined_sliced_2850_11850/6240
139
+ petrova_DJI_0525_0526_combined_sliced_2850_11850/6300
140
+ petrova_DJI_0525_0526_combined_sliced_2850_11850/7980
141
+ petrova_DJI_0525_0526_combined_sliced_2850_11850/8040
142
+ petrova_DJI_0525_0526_combined_sliced_2850_11850/8100
143
+ slanic_DJI_0956_0957_combined_sliced_780_9780/0
144
+ slanic_DJI_0956_0957_combined_sliced_780_9780/60
145
+ slanic_DJI_0956_0957_combined_sliced_780_9780/120
146
+ slanic_DJI_0956_0957_combined_sliced_780_9780/180
147
+ slanic_DJI_0956_0957_combined_sliced_780_9780/240
148
+ slanic_DJI_0956_0957_combined_sliced_780_9780/300
149
+ slanic_DJI_0956_0957_combined_sliced_780_9780/360
150
+ slanic_DJI_0956_0957_combined_sliced_780_9780/420
151
+ slanic_DJI_0956_0957_combined_sliced_780_9780/480
152
+ slanic_DJI_0956_0957_combined_sliced_780_9780/540
153
+ slanic_DJI_0956_0957_combined_sliced_780_9780/600
154
+ slanic_DJI_0956_0957_combined_sliced_780_9780/660
155
+ slanic_DJI_0956_0957_combined_sliced_780_9780/720
156
+ slanic_DJI_0956_0957_combined_sliced_780_9780/780
157
+ slanic_DJI_0956_0957_combined_sliced_780_9780/840
158
+ slanic_DJI_0956_0957_combined_sliced_780_9780/900
159
+ slanic_DJI_0956_0957_combined_sliced_780_9780/960
160
+ slanic_DJI_0956_0957_combined_sliced_780_9780/1020
161
+ slanic_DJI_0956_0957_combined_sliced_780_9780/1080
162
+ slanic_DJI_0956_0957_combined_sliced_780_9780/1140
163
+ slanic_DJI_0956_0957_combined_sliced_780_9780/1200
164
+ slanic_DJI_0956_0957_combined_sliced_780_9780/1260
165
+ slanic_DJI_0956_0957_combined_sliced_780_9780/1320
166
+ slanic_DJI_0956_0957_combined_sliced_780_9780/1380
167
+ slanic_DJI_0956_0957_combined_sliced_780_9780/1440
168
+ slanic_DJI_0956_0957_combined_sliced_780_9780/1500
169
+ slanic_DJI_0956_0957_combined_sliced_780_9780/1560
170
+ slanic_DJI_0956_0957_combined_sliced_780_9780/1620
171
+ slanic_DJI_0956_0957_combined_sliced_780_9780/1680
172
+ slanic_DJI_0956_0957_combined_sliced_780_9780/1740
173
+ slanic_DJI_0956_0957_combined_sliced_780_9780/1800
174
+ slanic_DJI_0956_0957_combined_sliced_780_9780/1860
175
+ slanic_DJI_0956_0957_combined_sliced_780_9780/1920
176
+ slanic_DJI_0956_0957_combined_sliced_780_9780/1980
177
+ slanic_DJI_0956_0957_combined_sliced_780_9780/2040
178
+ slanic_DJI_0956_0957_combined_sliced_780_9780/2100
179
+ slanic_DJI_0956_0957_combined_sliced_780_9780/2160
180
+ slanic_DJI_0956_0957_combined_sliced_780_9780/2220
181
+ slanic_DJI_0956_0957_combined_sliced_780_9780/2280
182
+ slanic_DJI_0956_0957_combined_sliced_780_9780/2340
183
+ slanic_DJI_0956_0957_combined_sliced_780_9780/2400
184
+ slanic_DJI_0956_0957_combined_sliced_780_9780/2460
185
+ slanic_DJI_0956_0957_combined_sliced_780_9780/2520
186
+ slanic_DJI_0956_0957_combined_sliced_780_9780/2580
187
+ slanic_DJI_0956_0957_combined_sliced_780_9780/2640
188
+ slanic_DJI_0956_0957_combined_sliced_780_9780/2700
189
+ slanic_DJI_0956_0957_combined_sliced_780_9780/2760
190
+ slanic_DJI_0956_0957_combined_sliced_780_9780/2820
191
+ slanic_DJI_0956_0957_combined_sliced_780_9780/2880
192
+ slanic_DJI_0956_0957_combined_sliced_780_9780/2940
193
+ slanic_DJI_0956_0957_combined_sliced_780_9780/3000
194
+ slanic_DJI_0956_0957_combined_sliced_780_9780/3060
195
+ slanic_DJI_0956_0957_combined_sliced_780_9780/3120
196
+ slanic_DJI_0956_0957_combined_sliced_780_9780/3180
197
+ slanic_DJI_0956_0957_combined_sliced_780_9780/3240
198
+ slanic_DJI_0956_0957_combined_sliced_780_9780/3300
199
+ slanic_DJI_0956_0957_combined_sliced_780_9780/3360
200
+ slanic_DJI_0956_0957_combined_sliced_780_9780/3420
201
+ slanic_DJI_0956_0957_combined_sliced_780_9780/3480
202
+ slanic_DJI_0956_0957_combined_sliced_780_9780/3540
203
+ slanic_DJI_0956_0957_combined_sliced_780_9780/3600
204
+ slanic_DJI_0956_0957_combined_sliced_780_9780/3660
205
+ slanic_DJI_0956_0957_combined_sliced_780_9780/3720
206
+ slanic_DJI_0956_0957_combined_sliced_780_9780/3780
207
+ slanic_DJI_0956_0957_combined_sliced_780_9780/3840
208
+ slanic_DJI_0956_0957_combined_sliced_780_9780/3900
209
+ slanic_DJI_0956_0957_combined_sliced_780_9780/3960
210
+ slanic_DJI_0956_0957_combined_sliced_780_9780/4020
211
+ slanic_DJI_0956_0957_combined_sliced_780_9780/4080
212
+ slanic_DJI_0956_0957_combined_sliced_780_9780/4140
213
+ slanic_DJI_0956_0957_combined_sliced_780_9780/4200
214
+ slanic_DJI_0956_0957_combined_sliced_780_9780/4260
215
+ slanic_DJI_0956_0957_combined_sliced_780_9780/4320
216
+ slanic_DJI_0956_0957_combined_sliced_780_9780/4380
217
+ slanic_DJI_0956_0957_combined_sliced_780_9780/4440
218
+ slanic_DJI_0956_0957_combined_sliced_780_9780/4500
scripts/txt_files/manually_annotated_files/val_files_15.txt ADDED
@@ -0,0 +1,15 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ gradistei_DJI_0787_0788_0789_combined_sliced_3510_13110/8880
2
+ gradistei_DJI_0787_0788_0789_combined_sliced_3510_13110/8940
3
+ gradistei_DJI_0787_0788_0789_combined_sliced_3510_13110/9000
4
+ herculane_DJI_0021_full/8880
5
+ herculane_DJI_0021_full/8940
6
+ herculane_DJI_0021_full/9000
7
+ jupiter_DJI_0703_0704_0705_combined_sliced_10650_21715/10680
8
+ jupiter_DJI_0703_0704_0705_combined_sliced_10650_21715/10740
9
+ jupiter_DJI_0703_0704_0705_combined_sliced_10650_21715/10800
10
+ olanesti_DJI_0416_full/8880
11
+ olanesti_DJI_0416_full/8940
12
+ olanesti_DJI_0416_full/9000
13
+ petrova_DJI_0525_0526_combined_sliced_2850_11850/8880
14
+ petrova_DJI_0525_0526_combined_sliced_2850_11850/8940
15
+ petrova_DJI_0525_0526_combined_sliced_2850_11850/9000