small updates to semantic mapper
Browse files- scripts/semantic_mapper/semantic_mapper.py +20 -69
- vre_dronescapes/cntrs.ipynb +124 -130
scripts/semantic_mapper/semantic_mapper.py
CHANGED
@@ -7,8 +7,8 @@ from pprint import pprint
|
|
7 |
import numpy as np
|
8 |
import torch as tr
|
9 |
|
10 |
-
from vre.utils import (semantic_mapper, colorize_semantic_segmentation, DiskData, MemoryData,
|
11 |
-
collage_fn, image_add_title, lo)
|
12 |
from vre.logger import vre_logger as logger
|
13 |
from vre.readers.multitask_dataset import MultiTaskDataset, MultiTaskItem
|
14 |
from vre.representations import TaskMapper, NpIORepresentation, Representation, build_representations_from_cfg
|
@@ -106,10 +106,9 @@ m2f_r50_mapillary = SemanticRepresentation("semantic_mask2former_mapillary_49189
|
|
106 |
marigold = DepthRepresentation("depth_marigold", min_depth=0, max_depth=1)
|
107 |
normals_svd_marigold = NormalsRepresentation("normals_svd(depth_marigold)")
|
108 |
|
109 |
-
class SemanticMask2FormerMapillaryConvertedPaper(TaskMapper,
|
110 |
-
def __init__(self, name: str, dependencies: list[
|
111 |
TaskMapper.__init__(self, name=name, n_channels=8, dependencies=dependencies)
|
112 |
-
NpIORepresentation.__init__(self)
|
113 |
self.mapping = {
|
114 |
"land": ["Terrain", "Sand", "Snow"],
|
115 |
"forest": ["Vegetation"],
|
@@ -127,40 +126,21 @@ class SemanticMask2FormerMapillaryConvertedPaper(TaskMapper, NpIORepresentation)
|
|
127 |
"sky": ["Sky"],
|
128 |
"hill": ["Mountain"]
|
129 |
}
|
130 |
-
|
131 |
-
|
|
|
|
|
132 |
self.original_classes = dependencies[0].classes
|
133 |
assert set(reduce(lambda x, y: x + y, self.mapping.values(), [])) == set(self.original_classes)
|
134 |
-
self.classes = list(self.mapping.keys())
|
135 |
-
self.n_classes = len(self.classes)
|
136 |
-
self.output_dtype = "uint8"
|
137 |
-
|
138 |
-
@property
|
139 |
-
@overrides
|
140 |
-
def n_channels(self) -> int:
|
141 |
-
return self.n_classes
|
142 |
-
|
143 |
-
@overrides
|
144 |
-
def make_images(self, data: ReprOut) -> np.ndarray:
|
145 |
-
return colorize_semantic_segmentation(data.output.argmax(-1), self.classes, self.color_map)
|
146 |
|
147 |
@overrides
|
148 |
def merge_fn(self, dep_data: list[MemoryData]) -> MemoryData:
|
149 |
m2f_mapillary_converted = semantic_mapper(dep_data[0].argmax(-1), self.mapping, self.original_classes)
|
150 |
return self.disk_to_memory_fmt(m2f_mapillary_converted)
|
151 |
|
152 |
-
|
153 |
-
def memory_to_disk_fmt(self, memory_data: MemoryData) -> DiskData:
|
154 |
-
return memory_data.argmax(-1).astype(np.uint8)
|
155 |
-
|
156 |
-
@overrides
|
157 |
-
def disk_to_memory_fmt(self, disk_data: DiskData) -> MemoryData:
|
158 |
-
return MemoryData(np.eye(self.n_classes)[disk_data.astype(int)])
|
159 |
-
|
160 |
-
class SemanticMask2FormerCOCOConverted(TaskMapper, NpIORepresentation):
|
161 |
def __init__(self, name: str, dependencies: list[Representation]):
|
162 |
TaskMapper.__init__(self, name=name, n_channels=8, dependencies=dependencies)
|
163 |
-
NpIORepresentation.__init__(self)
|
164 |
self.mapping = {
|
165 |
"land": ["grass-merged", "dirt-merged", "sand", "gravel", "flower", "playingfield", "snow", "platform"],
|
166 |
"forest": ["tree-merged"],
|
@@ -185,22 +165,11 @@ class SemanticMask2FormerCOCOConverted(TaskMapper, NpIORepresentation):
|
|
185 |
"sky": ["sky-other-merged"],
|
186 |
"hill": ["mountain-merged"]
|
187 |
}
|
188 |
-
|
189 |
-
|
|
|
|
|
190 |
self.original_classes = dependencies[0].classes
|
191 |
-
assert set(reduce(lambda x, y: x + y, self.mapping.values(), [])) == set(self.original_classes)
|
192 |
-
self.classes = list(self.mapping.keys())
|
193 |
-
self.n_classes = len(self.classes)
|
194 |
-
self.output_dtype = "uint8"
|
195 |
-
|
196 |
-
@property
|
197 |
-
@overrides
|
198 |
-
def n_channels(self) -> int:
|
199 |
-
return self.n_classes
|
200 |
-
|
201 |
-
@overrides
|
202 |
-
def make_images(self, data: ReprOut) -> np.ndarray:
|
203 |
-
return colorize_semantic_segmentation(data.output.argmax(-1), self.classes, self.color_map)
|
204 |
|
205 |
@overrides
|
206 |
def merge_fn(self, dep_data: list[MemoryData]) -> MemoryData:
|
@@ -208,14 +177,6 @@ class SemanticMask2FormerCOCOConverted(TaskMapper, NpIORepresentation):
|
|
208 |
res = self.disk_to_memory_fmt(m2f_mapillary_converted)
|
209 |
return res
|
210 |
|
211 |
-
@overrides
|
212 |
-
def memory_to_disk_fmt(self, memory_data: MemoryData) -> DiskData:
|
213 |
-
return memory_data.argmax(-1).astype(np.uint8)
|
214 |
-
|
215 |
-
@overrides
|
216 |
-
def disk_to_memory_fmt(self, disk_data: DiskData) -> MemoryData:
|
217 |
-
return MemoryData(np.eye(self.n_classes)[disk_data.astype(int)])
|
218 |
-
|
219 |
class BinaryMapper(TaskMapper, NpIORepresentation):
|
220 |
"""
|
221 |
Note for future self: this is never generic enough to be in VRE -- we'll keep it in this separate code only
|
@@ -269,13 +230,12 @@ class BinaryMapper(TaskMapper, NpIORepresentation):
|
|
269 |
res_argmax = sum(dep_data_converted) > len(dep_data_converted) // 2
|
270 |
return self.disk_to_memory_fmt(res_argmax)
|
271 |
|
272 |
-
class BuildingsFromM2FDepth(BinaryMapper
|
273 |
def __init__(self, name: str, dependencies: list[Representation], buildings: BinaryMapper, mode: str,
|
274 |
load_mode: str = "binary"):
|
275 |
assert len(dependencies) == 1, dependencies
|
276 |
BinaryMapper.__init__(self, name=name, dependencies=buildings.dependencies,
|
277 |
mapping=buildings.mapping, mode=mode, load_mode=load_mode)
|
278 |
-
NpIORepresentation.__init__(self)
|
279 |
self.dependencies = [*buildings.dependencies, dependencies[0]]
|
280 |
self.classes = ["others", name]
|
281 |
|
@@ -286,26 +246,18 @@ class BuildingsFromM2FDepth(BinaryMapper, NpIORepresentation):
|
|
286 |
buildings_depth = buildings * (depth <= thr)
|
287 |
return self.disk_to_memory_fmt(buildings_depth.astype(bool))
|
288 |
|
289 |
-
class SemanticMedian(TaskMapper,
|
290 |
-
def __init__(self, name: str, deps: list[TaskMapper]):
|
291 |
assert all(dep.n_channels == deps[0].n_channels for dep in deps), [(dep.name, dep.n_channels) for dep in deps]
|
292 |
TaskMapper.__init__(self, name, n_channels=deps[0].n_channels, dependencies=deps)
|
293 |
-
|
294 |
-
|
295 |
-
self.n_classes = len(self.classes)
|
296 |
-
self.output_dtype = "uint8"
|
297 |
-
self.color_map = deps[0].color_map
|
298 |
|
299 |
@overrides
|
300 |
def merge_fn(self, dep_data: list[MemoryData]) -> MemoryData:
|
301 |
-
return MemoryData(np.eye(self.n_classes)[sum(dep_data).argmax(-1)].astype(np.
|
302 |
|
303 |
-
|
304 |
-
def make_images(self, data: ReprOut) -> np.ndarray:
|
305 |
-
data_output = data.output.argmax(-1) if np.issubdtype(data.output.dtype, np.floating) else data.output
|
306 |
-
return colorize_semantic_segmentation(data_output, self.classes, self.color_map)
|
307 |
-
|
308 |
-
class SafeLandingAreas(BinaryMapper, NpIORepresentation):
|
309 |
def __init__(self, name: str, depth: DepthRepresentation, camera_normals: NormalsRepresentation,
|
310 |
include_semantics: bool, original_classes: tuple[list[str], list[str]] | None = None,
|
311 |
semantics: list[SemanticRepresentation] | None = None, load_mode: str = "binary"):
|
@@ -315,7 +267,6 @@ class SafeLandingAreas(BinaryMapper, NpIORepresentation):
|
|
315 |
assert len(semantics) == 3
|
316 |
dependencies = [*dependencies, *semantics]
|
317 |
TaskMapper.__init__(self, name, dependencies=dependencies, n_channels=2)
|
318 |
-
NpIORepresentation.__init__(self)
|
319 |
self.color_map = [[255, 0, 0], [0, 255, 0]]
|
320 |
self.original_classes = original_classes
|
321 |
self.classes = ["unsafe-landing", "safe-landing"]
|
|
|
7 |
import numpy as np
|
8 |
import torch as tr
|
9 |
|
10 |
+
from vre.utils import (semantic_mapper, colorize_semantic_segmentation, DiskData, MemoryData,
|
11 |
+
ReprOut, reorder_dict, collage_fn, image_add_title, lo)
|
12 |
from vre.logger import vre_logger as logger
|
13 |
from vre.readers.multitask_dataset import MultiTaskDataset, MultiTaskItem
|
14 |
from vre.representations import TaskMapper, NpIORepresentation, Representation, build_representations_from_cfg
|
|
|
106 |
marigold = DepthRepresentation("depth_marigold", min_depth=0, max_depth=1)
|
107 |
normals_svd_marigold = NormalsRepresentation("normals_svd(depth_marigold)")
|
108 |
|
109 |
+
class SemanticMask2FormerMapillaryConvertedPaper(TaskMapper, SemanticRepresentation):
|
110 |
+
def __init__(self, name: str, dependencies: list[SemanticRepresentation]):
|
111 |
TaskMapper.__init__(self, name=name, n_channels=8, dependencies=dependencies)
|
|
|
112 |
self.mapping = {
|
113 |
"land": ["Terrain", "Sand", "Snow"],
|
114 |
"forest": ["Vegetation"],
|
|
|
126 |
"sky": ["Sky"],
|
127 |
"hill": ["Mountain"]
|
128 |
}
|
129 |
+
color_map = [[0, 255, 0], [0, 127, 0], [255, 255, 0], [255, 255, 255],
|
130 |
+
[255, 0, 0], [0, 0, 255], [0, 255, 255], [127, 127, 63]]
|
131 |
+
SemanticRepresentation.__init__(self, name, dependencies=dependencies, classes=list(self.mapping),
|
132 |
+
color_map=color_map, disk_data_argmax=True)
|
133 |
self.original_classes = dependencies[0].classes
|
134 |
assert set(reduce(lambda x, y: x + y, self.mapping.values(), [])) == set(self.original_classes)
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
135 |
|
136 |
@overrides
|
137 |
def merge_fn(self, dep_data: list[MemoryData]) -> MemoryData:
|
138 |
m2f_mapillary_converted = semantic_mapper(dep_data[0].argmax(-1), self.mapping, self.original_classes)
|
139 |
return self.disk_to_memory_fmt(m2f_mapillary_converted)
|
140 |
|
141 |
+
class SemanticMask2FormerCOCOConverted(TaskMapper, SemanticRepresentation):
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
142 |
def __init__(self, name: str, dependencies: list[Representation]):
|
143 |
TaskMapper.__init__(self, name=name, n_channels=8, dependencies=dependencies)
|
|
|
144 |
self.mapping = {
|
145 |
"land": ["grass-merged", "dirt-merged", "sand", "gravel", "flower", "playingfield", "snow", "platform"],
|
146 |
"forest": ["tree-merged"],
|
|
|
165 |
"sky": ["sky-other-merged"],
|
166 |
"hill": ["mountain-merged"]
|
167 |
}
|
168 |
+
color_map = [[0, 255, 0], [0, 127, 0], [255, 255, 0], [255, 255, 255],
|
169 |
+
[255, 0, 0], [0, 0, 255], [0, 255, 255], [127, 127, 63]]
|
170 |
+
SemanticRepresentation.__init__(self, name, dependencies=dependencies, classes=list(self.mapping),
|
171 |
+
color_map=color_map, disk_data_argmax=True)
|
172 |
self.original_classes = dependencies[0].classes
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
173 |
|
174 |
@overrides
|
175 |
def merge_fn(self, dep_data: list[MemoryData]) -> MemoryData:
|
|
|
177 |
res = self.disk_to_memory_fmt(m2f_mapillary_converted)
|
178 |
return res
|
179 |
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
180 |
class BinaryMapper(TaskMapper, NpIORepresentation):
|
181 |
"""
|
182 |
Note for future self: this is never generic enough to be in VRE -- we'll keep it in this separate code only
|
|
|
230 |
res_argmax = sum(dep_data_converted) > len(dep_data_converted) // 2
|
231 |
return self.disk_to_memory_fmt(res_argmax)
|
232 |
|
233 |
+
class BuildingsFromM2FDepth(BinaryMapper):
|
234 |
def __init__(self, name: str, dependencies: list[Representation], buildings: BinaryMapper, mode: str,
|
235 |
load_mode: str = "binary"):
|
236 |
assert len(dependencies) == 1, dependencies
|
237 |
BinaryMapper.__init__(self, name=name, dependencies=buildings.dependencies,
|
238 |
mapping=buildings.mapping, mode=mode, load_mode=load_mode)
|
|
|
239 |
self.dependencies = [*buildings.dependencies, dependencies[0]]
|
240 |
self.classes = ["others", name]
|
241 |
|
|
|
246 |
buildings_depth = buildings * (depth <= thr)
|
247 |
return self.disk_to_memory_fmt(buildings_depth.astype(bool))
|
248 |
|
249 |
+
class SemanticMedian(TaskMapper, SemanticRepresentation):
|
250 |
+
def __init__(self, name: str, deps: list[TaskMapper | SemanticRepresentation]):
|
251 |
assert all(dep.n_channels == deps[0].n_channels for dep in deps), [(dep.name, dep.n_channels) for dep in deps]
|
252 |
TaskMapper.__init__(self, name, n_channels=deps[0].n_channels, dependencies=deps)
|
253 |
+
SemanticRepresentation.__init__(self, name, dependencies=deps, classes=deps[0].classes,
|
254 |
+
color_map=deps[0].color_map, disk_data_argmax=True)
|
|
|
|
|
|
|
255 |
|
256 |
@overrides
|
257 |
def merge_fn(self, dep_data: list[MemoryData]) -> MemoryData:
|
258 |
+
return MemoryData(np.eye(self.n_classes)[sum(dep_data).argmax(-1)].astype(np.float32))
|
259 |
|
260 |
+
class SafeLandingAreas(BinaryMapper):
|
|
|
|
|
|
|
|
|
|
|
261 |
def __init__(self, name: str, depth: DepthRepresentation, camera_normals: NormalsRepresentation,
|
262 |
include_semantics: bool, original_classes: tuple[list[str], list[str]] | None = None,
|
263 |
semantics: list[SemanticRepresentation] | None = None, load_mode: str = "binary"):
|
|
|
267 |
assert len(semantics) == 3
|
268 |
dependencies = [*dependencies, *semantics]
|
269 |
TaskMapper.__init__(self, name, dependencies=dependencies, n_channels=2)
|
|
|
270 |
self.color_map = [[255, 0, 0], [0, 255, 0]]
|
271 |
self.original_classes = original_classes
|
272 |
self.classes = ["unsafe-landing", "safe-landing"]
|
vre_dronescapes/cntrs.ipynb
CHANGED
@@ -2,7 +2,7 @@
|
|
2 |
"cells": [
|
3 |
{
|
4 |
"cell_type": "code",
|
5 |
-
"execution_count":
|
6 |
"metadata": {},
|
7 |
"outputs": [],
|
8 |
"source": [
|
@@ -11,7 +11,7 @@
|
|
11 |
},
|
12 |
{
|
13 |
"cell_type": "code",
|
14 |
-
"execution_count":
|
15 |
"metadata": {},
|
16 |
"outputs": [
|
17 |
{
|
@@ -19,13 +19,7 @@
|
|
19 |
"output_type": "stream",
|
20 |
"text": [
|
21 |
"ls: cannot access 'comana_DJI_0881_full/camera_normals_output/npz': No such file or directory\n",
|
22 |
-
"ls: cannot access 'comana_DJI_0881_full/depth_output/npz': No such file or directory\n"
|
23 |
-
]
|
24 |
-
},
|
25 |
-
{
|
26 |
-
"name": "stdout",
|
27 |
-
"output_type": "stream",
|
28 |
-
"text": [
|
29 |
"ls: cannot access 'norway_210821_DJI_0015_full/camera_normals_output/npz': No such file or directory\n",
|
30 |
"ls: cannot access 'norway_210821_DJI_0015_full/depth_output/npz': No such file or directory\n"
|
31 |
]
|
@@ -37,7 +31,7 @@
|
|
37 |
},
|
38 |
{
|
39 |
"cell_type": "code",
|
40 |
-
"execution_count":
|
41 |
"metadata": {},
|
42 |
"outputs": [
|
43 |
{
|
@@ -180,14 +174,14 @@
|
|
180 |
},
|
181 |
{
|
182 |
"cell_type": "code",
|
183 |
-
"execution_count":
|
184 |
"metadata": {},
|
185 |
"outputs": [
|
186 |
{
|
187 |
"name": "stderr",
|
188 |
"output_type": "stream",
|
189 |
"text": [
|
190 |
-
"/tmp/
|
191 |
" df2 = df.groupby(\"scene\").apply(f).reset_index().drop(columns=[\"level_1\"]).set_index(\"scene\")\n"
|
192 |
]
|
193 |
},
|
@@ -420,27 +414,27 @@
|
|
420 |
" <td>2983</td>\n",
|
421 |
" </tr>\n",
|
422 |
" <tr>\n",
|
423 |
-
" <th>
|
424 |
-
" <td>
|
425 |
-
" <td>
|
426 |
-
" <td>
|
427 |
-
" <td>
|
428 |
-
" <td>
|
429 |
-
" <td>
|
430 |
-
" <td>
|
431 |
-
" <td>
|
432 |
-
" <td>
|
433 |
-
" <td>
|
434 |
-
" <td>
|
435 |
-
" <td>
|
436 |
-
" <td>
|
437 |
-
" <td>
|
438 |
-
" <td>
|
439 |
-
" <td>
|
440 |
-
" <td>
|
441 |
-
" <td>
|
442 |
-
" <td>
|
443 |
-
" <td>
|
444 |
" </tr>\n",
|
445 |
" <tr>\n",
|
446 |
" <th>olanesti_DJI_0416_full</th>\n",
|
@@ -604,29 +598,6 @@
|
|
604 |
" <td>6264</td>\n",
|
605 |
" </tr>\n",
|
606 |
" <tr>\n",
|
607 |
-
" <th>rome_youtube_1_540p</th>\n",
|
608 |
-
" <td>14074</td>\n",
|
609 |
-
" <td>14074</td>\n",
|
610 |
-
" <td>14074</td>\n",
|
611 |
-
" <td>14074</td>\n",
|
612 |
-
" <td>14074</td>\n",
|
613 |
-
" <td>14074</td>\n",
|
614 |
-
" <td>14074</td>\n",
|
615 |
-
" <td>14074</td>\n",
|
616 |
-
" <td>14074</td>\n",
|
617 |
-
" <td>14074</td>\n",
|
618 |
-
" <td>14074</td>\n",
|
619 |
-
" <td>14074</td>\n",
|
620 |
-
" <td>14074</td>\n",
|
621 |
-
" <td>14074</td>\n",
|
622 |
-
" <td>14074</td>\n",
|
623 |
-
" <td>14074</td>\n",
|
624 |
-
" <td>14074</td>\n",
|
625 |
-
" <td>14074</td>\n",
|
626 |
-
" <td>14074</td>\n",
|
627 |
-
" <td>14074</td>\n",
|
628 |
-
" </tr>\n",
|
629 |
-
" <tr>\n",
|
630 |
" <th>sanfrancisco_youtube_1_540p</th>\n",
|
631 |
" <td>5635</td>\n",
|
632 |
" <td>5635</td>\n",
|
@@ -650,6 +621,29 @@
|
|
650 |
" <td>5635</td>\n",
|
651 |
" </tr>\n",
|
652 |
" <tr>\n",
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
653 |
" <th>slanic_DJI_0956_0957_combined_sliced_780_9780</th>\n",
|
654 |
" <td>9001</td>\n",
|
655 |
" <td>9001</td>\n",
|
@@ -674,26 +668,26 @@
|
|
674 |
" </tr>\n",
|
675 |
" <tr>\n",
|
676 |
" <th>total</th>\n",
|
677 |
-
" <td>
|
678 |
-
" <td>
|
679 |
-
" <td>
|
680 |
-
" <td>
|
681 |
-
" <td>
|
682 |
-
" <td>
|
683 |
-
" <td>
|
684 |
-
" <td>
|
685 |
-
" <td>
|
686 |
-
" <td>
|
687 |
-
" <td>
|
688 |
-
" <td>
|
689 |
-
" <td>
|
690 |
-
" <td>
|
691 |
-
" <td>
|
692 |
-
" <td>
|
693 |
-
" <td>
|
694 |
-
" <td>
|
695 |
-
" <td>
|
696 |
-
" <td>
|
697 |
" </tr>\n",
|
698 |
" </tbody>\n",
|
699 |
"</table>\n",
|
@@ -709,7 +703,7 @@
|
|
709 |
"herculane_DJI_0021_full 9022 9022 \n",
|
710 |
"jupiter_DJI_0703_0704_0705_combined_sliced_1065... 11066 11066 \n",
|
711 |
"norway_210821_DJI_0015_full 2983 2983 \n",
|
712 |
-
"
|
713 |
"olanesti_DJI_0416_full 9022 9022 \n",
|
714 |
"ovaselu_DJI_0372_540p 9022 9022 \n",
|
715 |
"paris_youtube_1_540p 8455 8455 \n",
|
@@ -717,10 +711,10 @@
|
|
717 |
"politehnica_DJI_0741_a2_540p 9021 9021 \n",
|
718 |
"raciu_DJI_0418_540p 9022 9022 \n",
|
719 |
"riodejaneiro_youtube_1_540p 6264 6264 \n",
|
720 |
-
"rome_youtube_1_540p 14074 14074 \n",
|
721 |
"sanfrancisco_youtube_1_540p 5635 5635 \n",
|
|
|
722 |
"slanic_DJI_0956_0957_combined_sliced_780_9780 9001 9001 \n",
|
723 |
-
"total
|
724 |
"\n",
|
725 |
" buildings(nearby) \\\n",
|
726 |
"scene \n",
|
@@ -731,7 +725,7 @@
|
|
731 |
"herculane_DJI_0021_full 9022 \n",
|
732 |
"jupiter_DJI_0703_0704_0705_combined_sliced_1065... 11066 \n",
|
733 |
"norway_210821_DJI_0015_full 2983 \n",
|
734 |
-
"
|
735 |
"olanesti_DJI_0416_full 9022 \n",
|
736 |
"ovaselu_DJI_0372_540p 9022 \n",
|
737 |
"paris_youtube_1_540p 8455 \n",
|
@@ -739,10 +733,10 @@
|
|
739 |
"politehnica_DJI_0741_a2_540p 9021 \n",
|
740 |
"raciu_DJI_0418_540p 9022 \n",
|
741 |
"riodejaneiro_youtube_1_540p 6264 \n",
|
742 |
-
"rome_youtube_1_540p 14074 \n",
|
743 |
"sanfrancisco_youtube_1_540p 5635 \n",
|
|
|
744 |
"slanic_DJI_0956_0957_combined_sliced_780_9780 9001 \n",
|
745 |
-
"total
|
746 |
"\n",
|
747 |
" camera_normals_output \\\n",
|
748 |
"scene \n",
|
@@ -753,7 +747,7 @@
|
|
753 |
"herculane_DJI_0021_full 847 \n",
|
754 |
"jupiter_DJI_0703_0704_0705_combined_sliced_1065... 1452 \n",
|
755 |
"norway_210821_DJI_0015_full 0 \n",
|
756 |
-
"
|
757 |
"olanesti_DJI_0416_full 1210 \n",
|
758 |
"ovaselu_DJI_0372_540p 9022 \n",
|
759 |
"paris_youtube_1_540p 8455 \n",
|
@@ -761,10 +755,10 @@
|
|
761 |
"politehnica_DJI_0741_a2_540p 9021 \n",
|
762 |
"raciu_DJI_0418_540p 9022 \n",
|
763 |
"riodejaneiro_youtube_1_540p 6264 \n",
|
764 |
-
"rome_youtube_1_540p 14074 \n",
|
765 |
"sanfrancisco_youtube_1_540p 5635 \n",
|
|
|
766 |
"slanic_DJI_0956_0957_combined_sliced_780_9780 9001 \n",
|
767 |
-
"total
|
768 |
"\n",
|
769 |
" containing \\\n",
|
770 |
"scene \n",
|
@@ -775,7 +769,7 @@
|
|
775 |
"herculane_DJI_0021_full 9022 \n",
|
776 |
"jupiter_DJI_0703_0704_0705_combined_sliced_1065... 11066 \n",
|
777 |
"norway_210821_DJI_0015_full 2983 \n",
|
778 |
-
"
|
779 |
"olanesti_DJI_0416_full 9022 \n",
|
780 |
"ovaselu_DJI_0372_540p 9022 \n",
|
781 |
"paris_youtube_1_540p 8455 \n",
|
@@ -783,10 +777,10 @@
|
|
783 |
"politehnica_DJI_0741_a2_540p 9021 \n",
|
784 |
"raciu_DJI_0418_540p 9022 \n",
|
785 |
"riodejaneiro_youtube_1_540p 6264 \n",
|
786 |
-
"rome_youtube_1_540p 14074 \n",
|
787 |
"sanfrancisco_youtube_1_540p 5635 \n",
|
|
|
788 |
"slanic_DJI_0956_0957_combined_sliced_780_9780 9001 \n",
|
789 |
-
"total
|
790 |
"\n",
|
791 |
" depth_marigold \\\n",
|
792 |
"scene \n",
|
@@ -797,7 +791,7 @@
|
|
797 |
"herculane_DJI_0021_full 9022 \n",
|
798 |
"jupiter_DJI_0703_0704_0705_combined_sliced_1065... 11066 \n",
|
799 |
"norway_210821_DJI_0015_full 2983 \n",
|
800 |
-
"
|
801 |
"olanesti_DJI_0416_full 9022 \n",
|
802 |
"ovaselu_DJI_0372_540p 9022 \n",
|
803 |
"paris_youtube_1_540p 8455 \n",
|
@@ -805,10 +799,10 @@
|
|
805 |
"politehnica_DJI_0741_a2_540p 9021 \n",
|
806 |
"raciu_DJI_0418_540p 9022 \n",
|
807 |
"riodejaneiro_youtube_1_540p 6264 \n",
|
808 |
-
"rome_youtube_1_540p 14074 \n",
|
809 |
"sanfrancisco_youtube_1_540p 5635 \n",
|
|
|
810 |
"slanic_DJI_0956_0957_combined_sliced_780_9780 9001 \n",
|
811 |
-
"total
|
812 |
"\n",
|
813 |
" depth_output \\\n",
|
814 |
"scene \n",
|
@@ -819,7 +813,7 @@
|
|
819 |
"herculane_DJI_0021_full 847 \n",
|
820 |
"jupiter_DJI_0703_0704_0705_combined_sliced_1065... 1452 \n",
|
821 |
"norway_210821_DJI_0015_full 0 \n",
|
822 |
-
"
|
823 |
"olanesti_DJI_0416_full 1210 \n",
|
824 |
"ovaselu_DJI_0372_540p 9022 \n",
|
825 |
"paris_youtube_1_540p 8455 \n",
|
@@ -827,10 +821,10 @@
|
|
827 |
"politehnica_DJI_0741_a2_540p 9021 \n",
|
828 |
"raciu_DJI_0418_540p 9022 \n",
|
829 |
"riodejaneiro_youtube_1_540p 6264 \n",
|
830 |
-
"rome_youtube_1_540p 14074 \n",
|
831 |
"sanfrancisco_youtube_1_540p 5635 \n",
|
|
|
832 |
"slanic_DJI_0956_0957_combined_sliced_780_9780 9001 \n",
|
833 |
-
"total
|
834 |
"\n",
|
835 |
" normals_svd(depth_marigold) \\\n",
|
836 |
"scene \n",
|
@@ -841,7 +835,7 @@
|
|
841 |
"herculane_DJI_0021_full 9022 \n",
|
842 |
"jupiter_DJI_0703_0704_0705_combined_sliced_1065... 11066 \n",
|
843 |
"norway_210821_DJI_0015_full 2983 \n",
|
844 |
-
"
|
845 |
"olanesti_DJI_0416_full 9022 \n",
|
846 |
"ovaselu_DJI_0372_540p 9022 \n",
|
847 |
"paris_youtube_1_540p 8455 \n",
|
@@ -849,10 +843,10 @@
|
|
849 |
"politehnica_DJI_0741_a2_540p 9021 \n",
|
850 |
"raciu_DJI_0418_540p 9022 \n",
|
851 |
"riodejaneiro_youtube_1_540p 6264 \n",
|
852 |
-
"rome_youtube_1_540p 14074 \n",
|
853 |
"sanfrancisco_youtube_1_540p 5635 \n",
|
|
|
854 |
"slanic_DJI_0956_0957_combined_sliced_780_9780 9001 \n",
|
855 |
-
"total
|
856 |
"\n",
|
857 |
" safe-landing-no-sseg \\\n",
|
858 |
"scene \n",
|
@@ -863,7 +857,7 @@
|
|
863 |
"herculane_DJI_0021_full 9022 \n",
|
864 |
"jupiter_DJI_0703_0704_0705_combined_sliced_1065... 11066 \n",
|
865 |
"norway_210821_DJI_0015_full 2983 \n",
|
866 |
-
"
|
867 |
"olanesti_DJI_0416_full 9022 \n",
|
868 |
"ovaselu_DJI_0372_540p 9022 \n",
|
869 |
"paris_youtube_1_540p 8455 \n",
|
@@ -871,10 +865,10 @@
|
|
871 |
"politehnica_DJI_0741_a2_540p 9021 \n",
|
872 |
"raciu_DJI_0418_540p 9022 \n",
|
873 |
"riodejaneiro_youtube_1_540p 6264 \n",
|
874 |
-
"rome_youtube_1_540p 14074 \n",
|
875 |
"sanfrancisco_youtube_1_540p 5635 \n",
|
|
|
876 |
"slanic_DJI_0956_0957_combined_sliced_780_9780 9001 \n",
|
877 |
-
"total
|
878 |
"\n",
|
879 |
" safe-landing-semantics \\\n",
|
880 |
"scene \n",
|
@@ -885,7 +879,7 @@
|
|
885 |
"herculane_DJI_0021_full 9022 \n",
|
886 |
"jupiter_DJI_0703_0704_0705_combined_sliced_1065... 11066 \n",
|
887 |
"norway_210821_DJI_0015_full 2983 \n",
|
888 |
-
"
|
889 |
"olanesti_DJI_0416_full 9022 \n",
|
890 |
"ovaselu_DJI_0372_540p 9022 \n",
|
891 |
"paris_youtube_1_540p 8455 \n",
|
@@ -893,10 +887,10 @@
|
|
893 |
"politehnica_DJI_0741_a2_540p 9021 \n",
|
894 |
"raciu_DJI_0418_540p 9022 \n",
|
895 |
"riodejaneiro_youtube_1_540p 6264 \n",
|
896 |
-
"rome_youtube_1_540p 14074 \n",
|
897 |
"sanfrancisco_youtube_1_540p 5635 \n",
|
|
|
898 |
"slanic_DJI_0956_0957_combined_sliced_780_9780 9001 \n",
|
899 |
-
"total
|
900 |
"\n",
|
901 |
" semantic_mask2former_coco_47429163_0 \\\n",
|
902 |
"scene \n",
|
@@ -907,7 +901,7 @@
|
|
907 |
"herculane_DJI_0021_full 9022 \n",
|
908 |
"jupiter_DJI_0703_0704_0705_combined_sliced_1065... 11066 \n",
|
909 |
"norway_210821_DJI_0015_full 2983 \n",
|
910 |
-
"
|
911 |
"olanesti_DJI_0416_full 9022 \n",
|
912 |
"ovaselu_DJI_0372_540p 9022 \n",
|
913 |
"paris_youtube_1_540p 8455 \n",
|
@@ -915,10 +909,10 @@
|
|
915 |
"politehnica_DJI_0741_a2_540p 9021 \n",
|
916 |
"raciu_DJI_0418_540p 9022 \n",
|
917 |
"riodejaneiro_youtube_1_540p 6264 \n",
|
918 |
-
"rome_youtube_1_540p 14074 \n",
|
919 |
"sanfrancisco_youtube_1_540p 5635 \n",
|
|
|
920 |
"slanic_DJI_0956_0957_combined_sliced_780_9780 9001 \n",
|
921 |
-
"total
|
922 |
"\n",
|
923 |
" semantic_mask2former_mapillary_49189528_0 \\\n",
|
924 |
"scene \n",
|
@@ -929,7 +923,7 @@
|
|
929 |
"herculane_DJI_0021_full 9022 \n",
|
930 |
"jupiter_DJI_0703_0704_0705_combined_sliced_1065... 11066 \n",
|
931 |
"norway_210821_DJI_0015_full 2983 \n",
|
932 |
-
"
|
933 |
"olanesti_DJI_0416_full 9022 \n",
|
934 |
"ovaselu_DJI_0372_540p 9022 \n",
|
935 |
"paris_youtube_1_540p 8455 \n",
|
@@ -937,10 +931,10 @@
|
|
937 |
"politehnica_DJI_0741_a2_540p 9021 \n",
|
938 |
"raciu_DJI_0418_540p 9022 \n",
|
939 |
"riodejaneiro_youtube_1_540p 6264 \n",
|
940 |
-
"rome_youtube_1_540p 14074 \n",
|
941 |
"sanfrancisco_youtube_1_540p 5635 \n",
|
|
|
942 |
"slanic_DJI_0956_0957_combined_sliced_780_9780 9001 \n",
|
943 |
-
"total
|
944 |
"\n",
|
945 |
" semantic_mask2former_mapillary_49189528_1 \\\n",
|
946 |
"scene \n",
|
@@ -951,7 +945,7 @@
|
|
951 |
"herculane_DJI_0021_full 9022 \n",
|
952 |
"jupiter_DJI_0703_0704_0705_combined_sliced_1065... 11066 \n",
|
953 |
"norway_210821_DJI_0015_full 2983 \n",
|
954 |
-
"
|
955 |
"olanesti_DJI_0416_full 9022 \n",
|
956 |
"ovaselu_DJI_0372_540p 9022 \n",
|
957 |
"paris_youtube_1_540p 8455 \n",
|
@@ -959,10 +953,10 @@
|
|
959 |
"politehnica_DJI_0741_a2_540p 9021 \n",
|
960 |
"raciu_DJI_0418_540p 9022 \n",
|
961 |
"riodejaneiro_youtube_1_540p 6264 \n",
|
962 |
-
"rome_youtube_1_540p 14074 \n",
|
963 |
"sanfrancisco_youtube_1_540p 5635 \n",
|
|
|
964 |
"slanic_DJI_0956_0957_combined_sliced_780_9780 9001 \n",
|
965 |
-
"total
|
966 |
"\n",
|
967 |
" semantic_mask2former_r50_mapillary_converted \\\n",
|
968 |
"scene \n",
|
@@ -973,7 +967,7 @@
|
|
973 |
"herculane_DJI_0021_full 9022 \n",
|
974 |
"jupiter_DJI_0703_0704_0705_combined_sliced_1065... 11066 \n",
|
975 |
"norway_210821_DJI_0015_full 2983 \n",
|
976 |
-
"
|
977 |
"olanesti_DJI_0416_full 9022 \n",
|
978 |
"ovaselu_DJI_0372_540p 9022 \n",
|
979 |
"paris_youtube_1_540p 8455 \n",
|
@@ -981,10 +975,10 @@
|
|
981 |
"politehnica_DJI_0741_a2_540p 9021 \n",
|
982 |
"raciu_DJI_0418_540p 9022 \n",
|
983 |
"riodejaneiro_youtube_1_540p 6264 \n",
|
984 |
-
"rome_youtube_1_540p 14074 \n",
|
985 |
"sanfrancisco_youtube_1_540p 5635 \n",
|
|
|
986 |
"slanic_DJI_0956_0957_combined_sliced_780_9780 9001 \n",
|
987 |
-
"total
|
988 |
"\n",
|
989 |
" semantic_mask2former_swin_coco_converted \\\n",
|
990 |
"scene \n",
|
@@ -995,7 +989,7 @@
|
|
995 |
"herculane_DJI_0021_full 9022 \n",
|
996 |
"jupiter_DJI_0703_0704_0705_combined_sliced_1065... 11066 \n",
|
997 |
"norway_210821_DJI_0015_full 2983 \n",
|
998 |
-
"
|
999 |
"olanesti_DJI_0416_full 9022 \n",
|
1000 |
"ovaselu_DJI_0372_540p 9022 \n",
|
1001 |
"paris_youtube_1_540p 8455 \n",
|
@@ -1003,10 +997,10 @@
|
|
1003 |
"politehnica_DJI_0741_a2_540p 9021 \n",
|
1004 |
"raciu_DJI_0418_540p 9022 \n",
|
1005 |
"riodejaneiro_youtube_1_540p 6264 \n",
|
1006 |
-
"rome_youtube_1_540p 14074 \n",
|
1007 |
"sanfrancisco_youtube_1_540p 5635 \n",
|
|
|
1008 |
"slanic_DJI_0956_0957_combined_sliced_780_9780 9001 \n",
|
1009 |
-
"total
|
1010 |
"\n",
|
1011 |
" semantic_mask2former_swin_mapillary_converted \\\n",
|
1012 |
"scene \n",
|
@@ -1017,7 +1011,7 @@
|
|
1017 |
"herculane_DJI_0021_full 9022 \n",
|
1018 |
"jupiter_DJI_0703_0704_0705_combined_sliced_1065... 11066 \n",
|
1019 |
"norway_210821_DJI_0015_full 2983 \n",
|
1020 |
-
"
|
1021 |
"olanesti_DJI_0416_full 9022 \n",
|
1022 |
"ovaselu_DJI_0372_540p 9022 \n",
|
1023 |
"paris_youtube_1_540p 8455 \n",
|
@@ -1025,10 +1019,10 @@
|
|
1025 |
"politehnica_DJI_0741_a2_540p 9021 \n",
|
1026 |
"raciu_DJI_0418_540p 9022 \n",
|
1027 |
"riodejaneiro_youtube_1_540p 6264 \n",
|
1028 |
-
"rome_youtube_1_540p 14074 \n",
|
1029 |
"sanfrancisco_youtube_1_540p 5635 \n",
|
|
|
1030 |
"slanic_DJI_0956_0957_combined_sliced_780_9780 9001 \n",
|
1031 |
-
"total
|
1032 |
"\n",
|
1033 |
" semantic_output \\\n",
|
1034 |
"scene \n",
|
@@ -1039,7 +1033,7 @@
|
|
1039 |
"herculane_DJI_0021_full 847 \n",
|
1040 |
"jupiter_DJI_0703_0704_0705_combined_sliced_1065... 1452 \n",
|
1041 |
"norway_210821_DJI_0015_full 2941 \n",
|
1042 |
-
"
|
1043 |
"olanesti_DJI_0416_full 1210 \n",
|
1044 |
"ovaselu_DJI_0372_540p 9022 \n",
|
1045 |
"paris_youtube_1_540p 8455 \n",
|
@@ -1047,10 +1041,10 @@
|
|
1047 |
"politehnica_DJI_0741_a2_540p 9021 \n",
|
1048 |
"raciu_DJI_0418_540p 9022 \n",
|
1049 |
"riodejaneiro_youtube_1_540p 6264 \n",
|
1050 |
-
"rome_youtube_1_540p 14074 \n",
|
1051 |
"sanfrancisco_youtube_1_540p 5635 \n",
|
|
|
1052 |
"slanic_DJI_0956_0957_combined_sliced_780_9780 9001 \n",
|
1053 |
-
"total
|
1054 |
"\n",
|
1055 |
" sky-and-water \\\n",
|
1056 |
"scene \n",
|
@@ -1061,7 +1055,7 @@
|
|
1061 |
"herculane_DJI_0021_full 9022 \n",
|
1062 |
"jupiter_DJI_0703_0704_0705_combined_sliced_1065... 11066 \n",
|
1063 |
"norway_210821_DJI_0015_full 2983 \n",
|
1064 |
-
"
|
1065 |
"olanesti_DJI_0416_full 9022 \n",
|
1066 |
"ovaselu_DJI_0372_540p 9022 \n",
|
1067 |
"paris_youtube_1_540p 8455 \n",
|
@@ -1069,10 +1063,10 @@
|
|
1069 |
"politehnica_DJI_0741_a2_540p 9021 \n",
|
1070 |
"raciu_DJI_0418_540p 9022 \n",
|
1071 |
"riodejaneiro_youtube_1_540p 6264 \n",
|
1072 |
-
"rome_youtube_1_540p 14074 \n",
|
1073 |
"sanfrancisco_youtube_1_540p 5635 \n",
|
|
|
1074 |
"slanic_DJI_0956_0957_combined_sliced_780_9780 9001 \n",
|
1075 |
-
"total
|
1076 |
"\n",
|
1077 |
" transportation vegetation \n",
|
1078 |
"scene \n",
|
@@ -1083,7 +1077,7 @@
|
|
1083 |
"herculane_DJI_0021_full 9022 9022 \n",
|
1084 |
"jupiter_DJI_0703_0704_0705_combined_sliced_1065... 11066 11066 \n",
|
1085 |
"norway_210821_DJI_0015_full 2983 2983 \n",
|
1086 |
-
"
|
1087 |
"olanesti_DJI_0416_full 9022 9022 \n",
|
1088 |
"ovaselu_DJI_0372_540p 9022 9022 \n",
|
1089 |
"paris_youtube_1_540p 8455 8455 \n",
|
@@ -1091,10 +1085,10 @@
|
|
1091 |
"politehnica_DJI_0741_a2_540p 9021 9021 \n",
|
1092 |
"raciu_DJI_0418_540p 9022 9022 \n",
|
1093 |
"riodejaneiro_youtube_1_540p 6264 6264 \n",
|
1094 |
-
"rome_youtube_1_540p 14074 14074 \n",
|
1095 |
"sanfrancisco_youtube_1_540p 5635 5635 \n",
|
|
|
1096 |
"slanic_DJI_0956_0957_combined_sliced_780_9780 9001 9001 \n",
|
1097 |
-
"total
|
1098 |
]
|
1099 |
},
|
1100 |
"metadata": {},
|
|
|
2 |
"cells": [
|
3 |
{
|
4 |
"cell_type": "code",
|
5 |
+
"execution_count": 1,
|
6 |
"metadata": {},
|
7 |
"outputs": [],
|
8 |
"source": [
|
|
|
11 |
},
|
12 |
{
|
13 |
"cell_type": "code",
|
14 |
+
"execution_count": 2,
|
15 |
"metadata": {},
|
16 |
"outputs": [
|
17 |
{
|
|
|
19 |
"output_type": "stream",
|
20 |
"text": [
|
21 |
"ls: cannot access 'comana_DJI_0881_full/camera_normals_output/npz': No such file or directory\n",
|
22 |
+
"ls: cannot access 'comana_DJI_0881_full/depth_output/npz': No such file or directory\n",
|
|
|
|
|
|
|
|
|
|
|
|
|
23 |
"ls: cannot access 'norway_210821_DJI_0015_full/camera_normals_output/npz': No such file or directory\n",
|
24 |
"ls: cannot access 'norway_210821_DJI_0015_full/depth_output/npz': No such file or directory\n"
|
25 |
]
|
|
|
31 |
},
|
32 |
{
|
33 |
"cell_type": "code",
|
34 |
+
"execution_count": 3,
|
35 |
"metadata": {},
|
36 |
"outputs": [
|
37 |
{
|
|
|
174 |
},
|
175 |
{
|
176 |
"cell_type": "code",
|
177 |
+
"execution_count": 4,
|
178 |
"metadata": {},
|
179 |
"outputs": [
|
180 |
{
|
181 |
"name": "stderr",
|
182 |
"output_type": "stream",
|
183 |
"text": [
|
184 |
+
"/tmp/ipykernel_78883/2846805734.py:4: DeprecationWarning: DataFrameGroupBy.apply operated on the grouping columns. This behavior is deprecated, and in a future version of pandas the grouping columns will be excluded from the operation. Either pass `include_groups=False` to exclude the groupings or explicitly select the grouping columns after groupby to silence this warning.\n",
|
185 |
" df2 = df.groupby(\"scene\").apply(f).reset_index().drop(columns=[\"level_1\"]).set_index(\"scene\")\n"
|
186 |
]
|
187 |
},
|
|
|
414 |
" <td>2983</td>\n",
|
415 |
" </tr>\n",
|
416 |
" <tr>\n",
|
417 |
+
" <th>norway_DJI_0708_540p</th>\n",
|
418 |
+
" <td>4763</td>\n",
|
419 |
+
" <td>4763</td>\n",
|
420 |
+
" <td>4763</td>\n",
|
421 |
+
" <td>4763</td>\n",
|
422 |
+
" <td>4763</td>\n",
|
423 |
+
" <td>4763</td>\n",
|
424 |
+
" <td>4763</td>\n",
|
425 |
+
" <td>4763</td>\n",
|
426 |
+
" <td>4763</td>\n",
|
427 |
+
" <td>4763</td>\n",
|
428 |
+
" <td>4763</td>\n",
|
429 |
+
" <td>4763</td>\n",
|
430 |
+
" <td>4763</td>\n",
|
431 |
+
" <td>4763</td>\n",
|
432 |
+
" <td>4763</td>\n",
|
433 |
+
" <td>4763</td>\n",
|
434 |
+
" <td>4763</td>\n",
|
435 |
+
" <td>4763</td>\n",
|
436 |
+
" <td>4763</td>\n",
|
437 |
+
" <td>4763</td>\n",
|
438 |
" </tr>\n",
|
439 |
" <tr>\n",
|
440 |
" <th>olanesti_DJI_0416_full</th>\n",
|
|
|
598 |
" <td>6264</td>\n",
|
599 |
" </tr>\n",
|
600 |
" <tr>\n",
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
601 |
" <th>sanfrancisco_youtube_1_540p</th>\n",
|
602 |
" <td>5635</td>\n",
|
603 |
" <td>5635</td>\n",
|
|
|
621 |
" <td>5635</td>\n",
|
622 |
" </tr>\n",
|
623 |
" <tr>\n",
|
624 |
+
" <th>sheerness_youtube_1_540p</th>\n",
|
625 |
+
" <td>4950</td>\n",
|
626 |
+
" <td>4950</td>\n",
|
627 |
+
" <td>4950</td>\n",
|
628 |
+
" <td>4950</td>\n",
|
629 |
+
" <td>4950</td>\n",
|
630 |
+
" <td>4950</td>\n",
|
631 |
+
" <td>4950</td>\n",
|
632 |
+
" <td>4950</td>\n",
|
633 |
+
" <td>4950</td>\n",
|
634 |
+
" <td>4950</td>\n",
|
635 |
+
" <td>4950</td>\n",
|
636 |
+
" <td>4950</td>\n",
|
637 |
+
" <td>4950</td>\n",
|
638 |
+
" <td>4950</td>\n",
|
639 |
+
" <td>4950</td>\n",
|
640 |
+
" <td>4950</td>\n",
|
641 |
+
" <td>4950</td>\n",
|
642 |
+
" <td>4950</td>\n",
|
643 |
+
" <td>4950</td>\n",
|
644 |
+
" <td>4950</td>\n",
|
645 |
+
" </tr>\n",
|
646 |
+
" <tr>\n",
|
647 |
" <th>slanic_DJI_0956_0957_combined_sliced_780_9780</th>\n",
|
648 |
" <td>9001</td>\n",
|
649 |
" <td>9001</td>\n",
|
|
|
668 |
" </tr>\n",
|
669 |
" <tr>\n",
|
670 |
" <th>total</th>\n",
|
671 |
+
" <td>146872</td>\n",
|
672 |
+
" <td>146872</td>\n",
|
673 |
+
" <td>146872</td>\n",
|
674 |
+
" <td>82152</td>\n",
|
675 |
+
" <td>146872</td>\n",
|
676 |
+
" <td>146872</td>\n",
|
677 |
+
" <td>82152</td>\n",
|
678 |
+
" <td>146872</td>\n",
|
679 |
+
" <td>146872</td>\n",
|
680 |
+
" <td>146872</td>\n",
|
681 |
+
" <td>146872</td>\n",
|
682 |
+
" <td>146872</td>\n",
|
683 |
+
" <td>146872</td>\n",
|
684 |
+
" <td>146872</td>\n",
|
685 |
+
" <td>146872</td>\n",
|
686 |
+
" <td>146872</td>\n",
|
687 |
+
" <td>86303</td>\n",
|
688 |
+
" <td>146872</td>\n",
|
689 |
+
" <td>146872</td>\n",
|
690 |
+
" <td>146872</td>\n",
|
691 |
" </tr>\n",
|
692 |
" </tbody>\n",
|
693 |
"</table>\n",
|
|
|
703 |
"herculane_DJI_0021_full 9022 9022 \n",
|
704 |
"jupiter_DJI_0703_0704_0705_combined_sliced_1065... 11066 11066 \n",
|
705 |
"norway_210821_DJI_0015_full 2983 2983 \n",
|
706 |
+
"norway_DJI_0708_540p 4763 4763 \n",
|
707 |
"olanesti_DJI_0416_full 9022 9022 \n",
|
708 |
"ovaselu_DJI_0372_540p 9022 9022 \n",
|
709 |
"paris_youtube_1_540p 8455 8455 \n",
|
|
|
711 |
"politehnica_DJI_0741_a2_540p 9021 9021 \n",
|
712 |
"raciu_DJI_0418_540p 9022 9022 \n",
|
713 |
"riodejaneiro_youtube_1_540p 6264 6264 \n",
|
|
|
714 |
"sanfrancisco_youtube_1_540p 5635 5635 \n",
|
715 |
+
"sheerness_youtube_1_540p 4950 4950 \n",
|
716 |
"slanic_DJI_0956_0957_combined_sliced_780_9780 9001 9001 \n",
|
717 |
+
"total 146872 146872 \n",
|
718 |
"\n",
|
719 |
" buildings(nearby) \\\n",
|
720 |
"scene \n",
|
|
|
725 |
"herculane_DJI_0021_full 9022 \n",
|
726 |
"jupiter_DJI_0703_0704_0705_combined_sliced_1065... 11066 \n",
|
727 |
"norway_210821_DJI_0015_full 2983 \n",
|
728 |
+
"norway_DJI_0708_540p 4763 \n",
|
729 |
"olanesti_DJI_0416_full 9022 \n",
|
730 |
"ovaselu_DJI_0372_540p 9022 \n",
|
731 |
"paris_youtube_1_540p 8455 \n",
|
|
|
733 |
"politehnica_DJI_0741_a2_540p 9021 \n",
|
734 |
"raciu_DJI_0418_540p 9022 \n",
|
735 |
"riodejaneiro_youtube_1_540p 6264 \n",
|
|
|
736 |
"sanfrancisco_youtube_1_540p 5635 \n",
|
737 |
+
"sheerness_youtube_1_540p 4950 \n",
|
738 |
"slanic_DJI_0956_0957_combined_sliced_780_9780 9001 \n",
|
739 |
+
"total 146872 \n",
|
740 |
"\n",
|
741 |
" camera_normals_output \\\n",
|
742 |
"scene \n",
|
|
|
747 |
"herculane_DJI_0021_full 847 \n",
|
748 |
"jupiter_DJI_0703_0704_0705_combined_sliced_1065... 1452 \n",
|
749 |
"norway_210821_DJI_0015_full 0 \n",
|
750 |
+
"norway_DJI_0708_540p 4763 \n",
|
751 |
"olanesti_DJI_0416_full 1210 \n",
|
752 |
"ovaselu_DJI_0372_540p 9022 \n",
|
753 |
"paris_youtube_1_540p 8455 \n",
|
|
|
755 |
"politehnica_DJI_0741_a2_540p 9021 \n",
|
756 |
"raciu_DJI_0418_540p 9022 \n",
|
757 |
"riodejaneiro_youtube_1_540p 6264 \n",
|
|
|
758 |
"sanfrancisco_youtube_1_540p 5635 \n",
|
759 |
+
"sheerness_youtube_1_540p 4950 \n",
|
760 |
"slanic_DJI_0956_0957_combined_sliced_780_9780 9001 \n",
|
761 |
+
"total 82152 \n",
|
762 |
"\n",
|
763 |
" containing \\\n",
|
764 |
"scene \n",
|
|
|
769 |
"herculane_DJI_0021_full 9022 \n",
|
770 |
"jupiter_DJI_0703_0704_0705_combined_sliced_1065... 11066 \n",
|
771 |
"norway_210821_DJI_0015_full 2983 \n",
|
772 |
+
"norway_DJI_0708_540p 4763 \n",
|
773 |
"olanesti_DJI_0416_full 9022 \n",
|
774 |
"ovaselu_DJI_0372_540p 9022 \n",
|
775 |
"paris_youtube_1_540p 8455 \n",
|
|
|
777 |
"politehnica_DJI_0741_a2_540p 9021 \n",
|
778 |
"raciu_DJI_0418_540p 9022 \n",
|
779 |
"riodejaneiro_youtube_1_540p 6264 \n",
|
|
|
780 |
"sanfrancisco_youtube_1_540p 5635 \n",
|
781 |
+
"sheerness_youtube_1_540p 4950 \n",
|
782 |
"slanic_DJI_0956_0957_combined_sliced_780_9780 9001 \n",
|
783 |
+
"total 146872 \n",
|
784 |
"\n",
|
785 |
" depth_marigold \\\n",
|
786 |
"scene \n",
|
|
|
791 |
"herculane_DJI_0021_full 9022 \n",
|
792 |
"jupiter_DJI_0703_0704_0705_combined_sliced_1065... 11066 \n",
|
793 |
"norway_210821_DJI_0015_full 2983 \n",
|
794 |
+
"norway_DJI_0708_540p 4763 \n",
|
795 |
"olanesti_DJI_0416_full 9022 \n",
|
796 |
"ovaselu_DJI_0372_540p 9022 \n",
|
797 |
"paris_youtube_1_540p 8455 \n",
|
|
|
799 |
"politehnica_DJI_0741_a2_540p 9021 \n",
|
800 |
"raciu_DJI_0418_540p 9022 \n",
|
801 |
"riodejaneiro_youtube_1_540p 6264 \n",
|
|
|
802 |
"sanfrancisco_youtube_1_540p 5635 \n",
|
803 |
+
"sheerness_youtube_1_540p 4950 \n",
|
804 |
"slanic_DJI_0956_0957_combined_sliced_780_9780 9001 \n",
|
805 |
+
"total 146872 \n",
|
806 |
"\n",
|
807 |
" depth_output \\\n",
|
808 |
"scene \n",
|
|
|
813 |
"herculane_DJI_0021_full 847 \n",
|
814 |
"jupiter_DJI_0703_0704_0705_combined_sliced_1065... 1452 \n",
|
815 |
"norway_210821_DJI_0015_full 0 \n",
|
816 |
+
"norway_DJI_0708_540p 4763 \n",
|
817 |
"olanesti_DJI_0416_full 1210 \n",
|
818 |
"ovaselu_DJI_0372_540p 9022 \n",
|
819 |
"paris_youtube_1_540p 8455 \n",
|
|
|
821 |
"politehnica_DJI_0741_a2_540p 9021 \n",
|
822 |
"raciu_DJI_0418_540p 9022 \n",
|
823 |
"riodejaneiro_youtube_1_540p 6264 \n",
|
|
|
824 |
"sanfrancisco_youtube_1_540p 5635 \n",
|
825 |
+
"sheerness_youtube_1_540p 4950 \n",
|
826 |
"slanic_DJI_0956_0957_combined_sliced_780_9780 9001 \n",
|
827 |
+
"total 82152 \n",
|
828 |
"\n",
|
829 |
" normals_svd(depth_marigold) \\\n",
|
830 |
"scene \n",
|
|
|
835 |
"herculane_DJI_0021_full 9022 \n",
|
836 |
"jupiter_DJI_0703_0704_0705_combined_sliced_1065... 11066 \n",
|
837 |
"norway_210821_DJI_0015_full 2983 \n",
|
838 |
+
"norway_DJI_0708_540p 4763 \n",
|
839 |
"olanesti_DJI_0416_full 9022 \n",
|
840 |
"ovaselu_DJI_0372_540p 9022 \n",
|
841 |
"paris_youtube_1_540p 8455 \n",
|
|
|
843 |
"politehnica_DJI_0741_a2_540p 9021 \n",
|
844 |
"raciu_DJI_0418_540p 9022 \n",
|
845 |
"riodejaneiro_youtube_1_540p 6264 \n",
|
|
|
846 |
"sanfrancisco_youtube_1_540p 5635 \n",
|
847 |
+
"sheerness_youtube_1_540p 4950 \n",
|
848 |
"slanic_DJI_0956_0957_combined_sliced_780_9780 9001 \n",
|
849 |
+
"total 146872 \n",
|
850 |
"\n",
|
851 |
" safe-landing-no-sseg \\\n",
|
852 |
"scene \n",
|
|
|
857 |
"herculane_DJI_0021_full 9022 \n",
|
858 |
"jupiter_DJI_0703_0704_0705_combined_sliced_1065... 11066 \n",
|
859 |
"norway_210821_DJI_0015_full 2983 \n",
|
860 |
+
"norway_DJI_0708_540p 4763 \n",
|
861 |
"olanesti_DJI_0416_full 9022 \n",
|
862 |
"ovaselu_DJI_0372_540p 9022 \n",
|
863 |
"paris_youtube_1_540p 8455 \n",
|
|
|
865 |
"politehnica_DJI_0741_a2_540p 9021 \n",
|
866 |
"raciu_DJI_0418_540p 9022 \n",
|
867 |
"riodejaneiro_youtube_1_540p 6264 \n",
|
|
|
868 |
"sanfrancisco_youtube_1_540p 5635 \n",
|
869 |
+
"sheerness_youtube_1_540p 4950 \n",
|
870 |
"slanic_DJI_0956_0957_combined_sliced_780_9780 9001 \n",
|
871 |
+
"total 146872 \n",
|
872 |
"\n",
|
873 |
" safe-landing-semantics \\\n",
|
874 |
"scene \n",
|
|
|
879 |
"herculane_DJI_0021_full 9022 \n",
|
880 |
"jupiter_DJI_0703_0704_0705_combined_sliced_1065... 11066 \n",
|
881 |
"norway_210821_DJI_0015_full 2983 \n",
|
882 |
+
"norway_DJI_0708_540p 4763 \n",
|
883 |
"olanesti_DJI_0416_full 9022 \n",
|
884 |
"ovaselu_DJI_0372_540p 9022 \n",
|
885 |
"paris_youtube_1_540p 8455 \n",
|
|
|
887 |
"politehnica_DJI_0741_a2_540p 9021 \n",
|
888 |
"raciu_DJI_0418_540p 9022 \n",
|
889 |
"riodejaneiro_youtube_1_540p 6264 \n",
|
|
|
890 |
"sanfrancisco_youtube_1_540p 5635 \n",
|
891 |
+
"sheerness_youtube_1_540p 4950 \n",
|
892 |
"slanic_DJI_0956_0957_combined_sliced_780_9780 9001 \n",
|
893 |
+
"total 146872 \n",
|
894 |
"\n",
|
895 |
" semantic_mask2former_coco_47429163_0 \\\n",
|
896 |
"scene \n",
|
|
|
901 |
"herculane_DJI_0021_full 9022 \n",
|
902 |
"jupiter_DJI_0703_0704_0705_combined_sliced_1065... 11066 \n",
|
903 |
"norway_210821_DJI_0015_full 2983 \n",
|
904 |
+
"norway_DJI_0708_540p 4763 \n",
|
905 |
"olanesti_DJI_0416_full 9022 \n",
|
906 |
"ovaselu_DJI_0372_540p 9022 \n",
|
907 |
"paris_youtube_1_540p 8455 \n",
|
|
|
909 |
"politehnica_DJI_0741_a2_540p 9021 \n",
|
910 |
"raciu_DJI_0418_540p 9022 \n",
|
911 |
"riodejaneiro_youtube_1_540p 6264 \n",
|
|
|
912 |
"sanfrancisco_youtube_1_540p 5635 \n",
|
913 |
+
"sheerness_youtube_1_540p 4950 \n",
|
914 |
"slanic_DJI_0956_0957_combined_sliced_780_9780 9001 \n",
|
915 |
+
"total 146872 \n",
|
916 |
"\n",
|
917 |
" semantic_mask2former_mapillary_49189528_0 \\\n",
|
918 |
"scene \n",
|
|
|
923 |
"herculane_DJI_0021_full 9022 \n",
|
924 |
"jupiter_DJI_0703_0704_0705_combined_sliced_1065... 11066 \n",
|
925 |
"norway_210821_DJI_0015_full 2983 \n",
|
926 |
+
"norway_DJI_0708_540p 4763 \n",
|
927 |
"olanesti_DJI_0416_full 9022 \n",
|
928 |
"ovaselu_DJI_0372_540p 9022 \n",
|
929 |
"paris_youtube_1_540p 8455 \n",
|
|
|
931 |
"politehnica_DJI_0741_a2_540p 9021 \n",
|
932 |
"raciu_DJI_0418_540p 9022 \n",
|
933 |
"riodejaneiro_youtube_1_540p 6264 \n",
|
|
|
934 |
"sanfrancisco_youtube_1_540p 5635 \n",
|
935 |
+
"sheerness_youtube_1_540p 4950 \n",
|
936 |
"slanic_DJI_0956_0957_combined_sliced_780_9780 9001 \n",
|
937 |
+
"total 146872 \n",
|
938 |
"\n",
|
939 |
" semantic_mask2former_mapillary_49189528_1 \\\n",
|
940 |
"scene \n",
|
|
|
945 |
"herculane_DJI_0021_full 9022 \n",
|
946 |
"jupiter_DJI_0703_0704_0705_combined_sliced_1065... 11066 \n",
|
947 |
"norway_210821_DJI_0015_full 2983 \n",
|
948 |
+
"norway_DJI_0708_540p 4763 \n",
|
949 |
"olanesti_DJI_0416_full 9022 \n",
|
950 |
"ovaselu_DJI_0372_540p 9022 \n",
|
951 |
"paris_youtube_1_540p 8455 \n",
|
|
|
953 |
"politehnica_DJI_0741_a2_540p 9021 \n",
|
954 |
"raciu_DJI_0418_540p 9022 \n",
|
955 |
"riodejaneiro_youtube_1_540p 6264 \n",
|
|
|
956 |
"sanfrancisco_youtube_1_540p 5635 \n",
|
957 |
+
"sheerness_youtube_1_540p 4950 \n",
|
958 |
"slanic_DJI_0956_0957_combined_sliced_780_9780 9001 \n",
|
959 |
+
"total 146872 \n",
|
960 |
"\n",
|
961 |
" semantic_mask2former_r50_mapillary_converted \\\n",
|
962 |
"scene \n",
|
|
|
967 |
"herculane_DJI_0021_full 9022 \n",
|
968 |
"jupiter_DJI_0703_0704_0705_combined_sliced_1065... 11066 \n",
|
969 |
"norway_210821_DJI_0015_full 2983 \n",
|
970 |
+
"norway_DJI_0708_540p 4763 \n",
|
971 |
"olanesti_DJI_0416_full 9022 \n",
|
972 |
"ovaselu_DJI_0372_540p 9022 \n",
|
973 |
"paris_youtube_1_540p 8455 \n",
|
|
|
975 |
"politehnica_DJI_0741_a2_540p 9021 \n",
|
976 |
"raciu_DJI_0418_540p 9022 \n",
|
977 |
"riodejaneiro_youtube_1_540p 6264 \n",
|
|
|
978 |
"sanfrancisco_youtube_1_540p 5635 \n",
|
979 |
+
"sheerness_youtube_1_540p 4950 \n",
|
980 |
"slanic_DJI_0956_0957_combined_sliced_780_9780 9001 \n",
|
981 |
+
"total 146872 \n",
|
982 |
"\n",
|
983 |
" semantic_mask2former_swin_coco_converted \\\n",
|
984 |
"scene \n",
|
|
|
989 |
"herculane_DJI_0021_full 9022 \n",
|
990 |
"jupiter_DJI_0703_0704_0705_combined_sliced_1065... 11066 \n",
|
991 |
"norway_210821_DJI_0015_full 2983 \n",
|
992 |
+
"norway_DJI_0708_540p 4763 \n",
|
993 |
"olanesti_DJI_0416_full 9022 \n",
|
994 |
"ovaselu_DJI_0372_540p 9022 \n",
|
995 |
"paris_youtube_1_540p 8455 \n",
|
|
|
997 |
"politehnica_DJI_0741_a2_540p 9021 \n",
|
998 |
"raciu_DJI_0418_540p 9022 \n",
|
999 |
"riodejaneiro_youtube_1_540p 6264 \n",
|
|
|
1000 |
"sanfrancisco_youtube_1_540p 5635 \n",
|
1001 |
+
"sheerness_youtube_1_540p 4950 \n",
|
1002 |
"slanic_DJI_0956_0957_combined_sliced_780_9780 9001 \n",
|
1003 |
+
"total 146872 \n",
|
1004 |
"\n",
|
1005 |
" semantic_mask2former_swin_mapillary_converted \\\n",
|
1006 |
"scene \n",
|
|
|
1011 |
"herculane_DJI_0021_full 9022 \n",
|
1012 |
"jupiter_DJI_0703_0704_0705_combined_sliced_1065... 11066 \n",
|
1013 |
"norway_210821_DJI_0015_full 2983 \n",
|
1014 |
+
"norway_DJI_0708_540p 4763 \n",
|
1015 |
"olanesti_DJI_0416_full 9022 \n",
|
1016 |
"ovaselu_DJI_0372_540p 9022 \n",
|
1017 |
"paris_youtube_1_540p 8455 \n",
|
|
|
1019 |
"politehnica_DJI_0741_a2_540p 9021 \n",
|
1020 |
"raciu_DJI_0418_540p 9022 \n",
|
1021 |
"riodejaneiro_youtube_1_540p 6264 \n",
|
|
|
1022 |
"sanfrancisco_youtube_1_540p 5635 \n",
|
1023 |
+
"sheerness_youtube_1_540p 4950 \n",
|
1024 |
"slanic_DJI_0956_0957_combined_sliced_780_9780 9001 \n",
|
1025 |
+
"total 146872 \n",
|
1026 |
"\n",
|
1027 |
" semantic_output \\\n",
|
1028 |
"scene \n",
|
|
|
1033 |
"herculane_DJI_0021_full 847 \n",
|
1034 |
"jupiter_DJI_0703_0704_0705_combined_sliced_1065... 1452 \n",
|
1035 |
"norway_210821_DJI_0015_full 2941 \n",
|
1036 |
+
"norway_DJI_0708_540p 4763 \n",
|
1037 |
"olanesti_DJI_0416_full 1210 \n",
|
1038 |
"ovaselu_DJI_0372_540p 9022 \n",
|
1039 |
"paris_youtube_1_540p 8455 \n",
|
|
|
1041 |
"politehnica_DJI_0741_a2_540p 9021 \n",
|
1042 |
"raciu_DJI_0418_540p 9022 \n",
|
1043 |
"riodejaneiro_youtube_1_540p 6264 \n",
|
|
|
1044 |
"sanfrancisco_youtube_1_540p 5635 \n",
|
1045 |
+
"sheerness_youtube_1_540p 4950 \n",
|
1046 |
"slanic_DJI_0956_0957_combined_sliced_780_9780 9001 \n",
|
1047 |
+
"total 86303 \n",
|
1048 |
"\n",
|
1049 |
" sky-and-water \\\n",
|
1050 |
"scene \n",
|
|
|
1055 |
"herculane_DJI_0021_full 9022 \n",
|
1056 |
"jupiter_DJI_0703_0704_0705_combined_sliced_1065... 11066 \n",
|
1057 |
"norway_210821_DJI_0015_full 2983 \n",
|
1058 |
+
"norway_DJI_0708_540p 4763 \n",
|
1059 |
"olanesti_DJI_0416_full 9022 \n",
|
1060 |
"ovaselu_DJI_0372_540p 9022 \n",
|
1061 |
"paris_youtube_1_540p 8455 \n",
|
|
|
1063 |
"politehnica_DJI_0741_a2_540p 9021 \n",
|
1064 |
"raciu_DJI_0418_540p 9022 \n",
|
1065 |
"riodejaneiro_youtube_1_540p 6264 \n",
|
|
|
1066 |
"sanfrancisco_youtube_1_540p 5635 \n",
|
1067 |
+
"sheerness_youtube_1_540p 4950 \n",
|
1068 |
"slanic_DJI_0956_0957_combined_sliced_780_9780 9001 \n",
|
1069 |
+
"total 146872 \n",
|
1070 |
"\n",
|
1071 |
" transportation vegetation \n",
|
1072 |
"scene \n",
|
|
|
1077 |
"herculane_DJI_0021_full 9022 9022 \n",
|
1078 |
"jupiter_DJI_0703_0704_0705_combined_sliced_1065... 11066 11066 \n",
|
1079 |
"norway_210821_DJI_0015_full 2983 2983 \n",
|
1080 |
+
"norway_DJI_0708_540p 4763 4763 \n",
|
1081 |
"olanesti_DJI_0416_full 9022 9022 \n",
|
1082 |
"ovaselu_DJI_0372_540p 9022 9022 \n",
|
1083 |
"paris_youtube_1_540p 8455 8455 \n",
|
|
|
1085 |
"politehnica_DJI_0741_a2_540p 9021 9021 \n",
|
1086 |
"raciu_DJI_0418_540p 9022 9022 \n",
|
1087 |
"riodejaneiro_youtube_1_540p 6264 6264 \n",
|
|
|
1088 |
"sanfrancisco_youtube_1_540p 5635 5635 \n",
|
1089 |
+
"sheerness_youtube_1_540p 4950 4950 \n",
|
1090 |
"slanic_DJI_0956_0957_combined_sliced_780_9780 9001 9001 \n",
|
1091 |
+
"total 146872 146872 "
|
1092 |
]
|
1093 |
},
|
1094 |
"metadata": {},
|