XavierJiezou
commited on
Commit
•
63a9590
1
Parent(s):
2c3ce44
Add files using upload-large-folder tool
Browse filesThis view is limited to 50 files because it contains too many changes.
See raw diff
- app.py +273 -0
- checkpoints/cloudsen12_high_l1c/cdnetv1.bin +3 -0
- checkpoints/cloudsen12_high_l1c/cdnetv2.bin +3 -0
- checkpoints/cloudsen12_high_l1c/dbnet.bin +3 -0
- checkpoints/cloudsen12_high_l1c/hrcloudnet.bin +3 -0
- checkpoints/cloudsen12_high_l1c/kappamask.bin +3 -0
- checkpoints/cloudsen12_high_l1c/mcdnet.bin +3 -0
- checkpoints/cloudsen12_high_l1c/scnn.bin +3 -0
- checkpoints/cloudsen12_high_l1c/unetmobv2.bin +3 -0
- checkpoints/cloudsen12_high_l2a/cdnetv1.bin +3 -0
- checkpoints/cloudsen12_high_l2a/cdnetv2.bin +3 -0
- checkpoints/cloudsen12_high_l2a/dbnet.bin +3 -0
- checkpoints/cloudsen12_high_l2a/hrcloudnet.bin +3 -0
- checkpoints/cloudsen12_high_l2a/kappamask.bin +3 -0
- checkpoints/cloudsen12_high_l2a/mcdnet.bin +3 -0
- checkpoints/cloudsen12_high_l2a/scnn.bin +3 -0
- checkpoints/cloudsen12_high_l2a/unetmobv2.bin +3 -0
- checkpoints/gf12ms_whu_gf1/cdnetv1.bin +3 -0
- checkpoints/gf12ms_whu_gf1/cdnetv2.bin +3 -0
- checkpoints/gf12ms_whu_gf1/dbnet.bin +3 -0
- checkpoints/gf12ms_whu_gf1/hrcloudnet.bin +3 -0
- checkpoints/gf12ms_whu_gf1/kappamask.bin +3 -0
- checkpoints/gf12ms_whu_gf1/mcdnet.bin +3 -0
- checkpoints/gf12ms_whu_gf1/scnn.bin +3 -0
- checkpoints/gf12ms_whu_gf1/unetmobv2.bin +3 -0
- checkpoints/gf12ms_whu_gf2/cdnetv1.bin +3 -0
- checkpoints/gf12ms_whu_gf2/cdnetv2.bin +3 -0
- checkpoints/gf12ms_whu_gf2/dbnet.bin +3 -0
- checkpoints/gf12ms_whu_gf2/hrcloudnet.bin +3 -0
- checkpoints/gf12ms_whu_gf2/kappamask.bin +3 -0
- checkpoints/gf12ms_whu_gf2/mcdnet.bin +3 -0
- checkpoints/gf12ms_whu_gf2/scnn.bin +3 -0
- checkpoints/gf12ms_whu_gf2/unetmobv2.bin +3 -0
- checkpoints/hrc_whu/cdnetv1.bin +3 -0
- checkpoints/hrc_whu/cdnetv2.bin +3 -0
- checkpoints/hrc_whu/dbnet.bin +3 -0
- checkpoints/hrc_whu/hrcloudnet.bin +3 -0
- checkpoints/hrc_whu/kappamask.bin +3 -0
- checkpoints/hrc_whu/mcdnet.bin +3 -0
- checkpoints/hrc_whu/scnn.bin +3 -0
- checkpoints/hrc_whu/unetmobv2.bin +3 -0
- checkpoints/l8_biome/cdnetv1.bin +3 -0
- checkpoints/l8_biome/cdnetv2.bin +3 -0
- checkpoints/l8_biome/dbnet.bin +3 -0
- checkpoints/l8_biome/hrcloudnet.bin +3 -0
- checkpoints/l8_biome/kappamask.bin +3 -0
- checkpoints/l8_biome/mcdnet.bin +3 -0
- checkpoints/l8_biome/scnn.bin +3 -0
- checkpoints/l8_biome/unetmobv2.bin +3 -0
- example_inputs/gf1/11.png +0 -0
app.py
ADDED
@@ -0,0 +1,273 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
from typing import List
|
2 |
+
from glob import glob
|
3 |
+
import numpy as np
|
4 |
+
from PIL import Image
|
5 |
+
from mmseg.models.segmentors.encoder_decoder import EncoderDecoder
|
6 |
+
import gradio as gr
|
7 |
+
import torch
|
8 |
+
import os
|
9 |
+
from models.cdnetv1 import CDnetV1
|
10 |
+
from models.cdnetv2 import CDnetV2
|
11 |
+
from models.dbnet import DBNet
|
12 |
+
from models.hrcloudnet import HRCloudNet
|
13 |
+
from models.kappamask import KappaMask
|
14 |
+
from models.mcdnet import MCDNet
|
15 |
+
from models.scnn import SCNN
|
16 |
+
from models.unetmobv2 import UNetMobV2
|
17 |
+
|
18 |
+
|
19 |
+
class CloudAdapterGradio:
|
20 |
+
def __init__(self, device="cpu", example_inputs=None, num_classes=2, palette=None, other_model_weight_path=None):
|
21 |
+
self.device = device
|
22 |
+
self.example_inputs = example_inputs
|
23 |
+
self.img_size = 256 if num_classes == 2 else 512
|
24 |
+
self.palette = palette
|
25 |
+
self.legend = self.html_legend(num_classes=num_classes)
|
26 |
+
|
27 |
+
self.other_models = {
|
28 |
+
"cdnetv1": CDnetV1(num_classes=num_classes).to(self.device),
|
29 |
+
"cdnetv2": CDnetV2(num_classes=num_classes).to(self.device),
|
30 |
+
"hrcloudnet": HRCloudNet(num_classes=num_classes).to(self.device),
|
31 |
+
"mcdnet": MCDNet(in_channels=3, num_classes=num_classes).to(self.device),
|
32 |
+
"scnn": SCNN(num_classes=num_classes).to(self.device),
|
33 |
+
"dbnet": DBNet(img_size=self.img_size, in_channels=3, num_classes=num_classes).to(
|
34 |
+
self.device
|
35 |
+
),
|
36 |
+
"unetmobv2": UNetMobV2(num_classes=num_classes).to(self.device),
|
37 |
+
"kappamask": KappaMask(num_classes=num_classes, in_channels=3).to(self.device)
|
38 |
+
}
|
39 |
+
self.name_mapping = {
|
40 |
+
"KappaMask": "kappamask",
|
41 |
+
"CDNetv1": "cdnetv1",
|
42 |
+
"CDNetv2": "cdnetv2",
|
43 |
+
"HRCloudNet": "hrcloudnet",
|
44 |
+
"MCDNet": "mcdnet",
|
45 |
+
"SCNN": "scnn",
|
46 |
+
"DBNet": "dbnet",
|
47 |
+
"UNetMobv2": "unetmobv2",
|
48 |
+
"Cloud-Adapter": "cloud-adapter",
|
49 |
+
}
|
50 |
+
|
51 |
+
self.load_weights(other_model_weight_path)
|
52 |
+
|
53 |
+
self.create_ui()
|
54 |
+
|
55 |
+
def load_weights(self, checkpoint_path: str):
|
56 |
+
for model_name, model in self.other_models.items():
|
57 |
+
weight_path = os.path.join(checkpoint_path, model_name+".bin")
|
58 |
+
weight_path = glob(weight_path)[0]
|
59 |
+
weight = torch.load(weight_path, map_location=self.device)
|
60 |
+
model.load_state_dict(weight)
|
61 |
+
model.eval()
|
62 |
+
print(f"Loaded {model_name} weights from {weight_path}")
|
63 |
+
|
64 |
+
def html_legend(self, num_classes=2):
|
65 |
+
if num_classes == 2:
|
66 |
+
return """
|
67 |
+
<div style="margin-top: 10px; text-align: left; display: flex; align-items: center; gap: 20px;justify-content: center;">
|
68 |
+
<div style="display: flex; align-items: center;">
|
69 |
+
<div style="width: 20px; height: 20px; background-color: rgb(79, 253, 199); margin-right: 10px; "></div>
|
70 |
+
<span>Clear</span>
|
71 |
+
</div>
|
72 |
+
<div style="display: flex; align-items: center;">
|
73 |
+
<div style="width: 20px; height: 20px; background-color: rgb(77, 2, 115); margin-right: 10px; "></div>
|
74 |
+
<span>Cloud</span>
|
75 |
+
</div>
|
76 |
+
</div>
|
77 |
+
"""
|
78 |
+
return """
|
79 |
+
<div style="margin-top: 10px; text-align: left; display: flex; align-items: center; gap: 20px;justify-content: center;">
|
80 |
+
<div style="display: flex; align-items: center;">
|
81 |
+
<div style="width: 20px; height: 20px; background-color: rgb(79, 253, 199); margin-right: 10px; "></div>
|
82 |
+
<span>Clear Sky</span>
|
83 |
+
</div>
|
84 |
+
<div style="display: flex; align-items: center;">
|
85 |
+
<div style="width: 20px; height: 20px; background-color: rgb(77, 2, 115); margin-right: 10px; "></div>
|
86 |
+
<span>Thick Cloud</span>
|
87 |
+
</div>
|
88 |
+
<div style="display: flex; align-items: center;">
|
89 |
+
<div style="width: 20px; height: 20px; background-color: rgb(251, 255, 41); margin-right: 10px; "></div>
|
90 |
+
<span>Thin Cloud</span>
|
91 |
+
</div>
|
92 |
+
<div style="display: flex; align-items: center;">
|
93 |
+
<div style="width: 20px; height: 20px; background-color: rgb(221, 53, 223); margin-right: 10px; "></div>
|
94 |
+
<span>Cloud Shadow</span>
|
95 |
+
</div>
|
96 |
+
</div>
|
97 |
+
"""
|
98 |
+
|
99 |
+
def create_ui(self):
|
100 |
+
with gr.Row():
|
101 |
+
# 左侧:输入图片和按钮
|
102 |
+
with gr.Column(scale=1): # 左侧列
|
103 |
+
in_image = gr.Image(
|
104 |
+
label='Input Image',
|
105 |
+
sources='upload',
|
106 |
+
elem_classes='input_image',
|
107 |
+
interactive=True,
|
108 |
+
type="pil",
|
109 |
+
)
|
110 |
+
with gr.Row():
|
111 |
+
# 增加一个下拉菜单
|
112 |
+
model_choice = gr.Dropdown(
|
113 |
+
choices=[
|
114 |
+
"DBNet",
|
115 |
+
"HRCloudNet",
|
116 |
+
"CDNetv2",
|
117 |
+
"UNetMobv2",
|
118 |
+
"CDNetv1",
|
119 |
+
"MCDNet",
|
120 |
+
"KappaMask",
|
121 |
+
"SCNN",
|
122 |
+
],
|
123 |
+
value="DBNet",
|
124 |
+
label="Model",
|
125 |
+
elem_classes='model_type',
|
126 |
+
)
|
127 |
+
run_button = gr.Button(
|
128 |
+
'Run',
|
129 |
+
variant="primary",
|
130 |
+
)
|
131 |
+
# 示例输入列表
|
132 |
+
gr.Examples(
|
133 |
+
examples=self.example_inputs,
|
134 |
+
inputs=in_image,
|
135 |
+
label="Example Inputs"
|
136 |
+
)
|
137 |
+
|
138 |
+
# 右侧:输出图片
|
139 |
+
with gr.Column(scale=1): # 右侧列
|
140 |
+
with gr.Column():
|
141 |
+
# 输出图片
|
142 |
+
out_image = gr.Image(
|
143 |
+
label='Output Image',
|
144 |
+
elem_classes='output_image',
|
145 |
+
interactive=False
|
146 |
+
)
|
147 |
+
# 图例
|
148 |
+
legend = gr.HTML(
|
149 |
+
value=self.legend,
|
150 |
+
elem_classes="output_legend",
|
151 |
+
)
|
152 |
+
|
153 |
+
# 按钮点击逻辑:触发图像转换
|
154 |
+
run_button.click(
|
155 |
+
self.inference,
|
156 |
+
inputs=[in_image, model_choice],
|
157 |
+
outputs=out_image,
|
158 |
+
)
|
159 |
+
|
160 |
+
@torch.no_grad()
|
161 |
+
def inference(self, image: Image.Image, model_choice: str) -> Image.Image:
|
162 |
+
return self.simple_model_forward(image, self.name_mapping[model_choice])
|
163 |
+
|
164 |
+
@torch.no_grad()
|
165 |
+
def simple_model_forward(self, image: Image.Image, model_choice: str) -> Image.Image:
|
166 |
+
"""
|
167 |
+
Simple Model Inference
|
168 |
+
"""
|
169 |
+
ori_size = image.size
|
170 |
+
image = image.resize((self.img_size, self.img_size),
|
171 |
+
resample=Image.Resampling.BILINEAR)
|
172 |
+
image = np.array(image)
|
173 |
+
image = (image - np.min(image)) / (np.max(image)-np.min(image))
|
174 |
+
|
175 |
+
image = torch.from_numpy(image).unsqueeze(0).to(self.device)
|
176 |
+
image = image.permute(0, 3, 1, 2).float()
|
177 |
+
|
178 |
+
logits: torch.Tensor = self.other_models[model_choice].forward(image)
|
179 |
+
pred_mask = torch.argmax(logits, dim=1).squeeze(
|
180 |
+
0).cpu().numpy().astype(np.uint8)
|
181 |
+
|
182 |
+
del image
|
183 |
+
del logits
|
184 |
+
if torch.cuda.is_available():
|
185 |
+
torch.cuda.empty_cache()
|
186 |
+
|
187 |
+
im = Image.fromarray(pred_mask).convert("P")
|
188 |
+
im.putpalette(self.palette)
|
189 |
+
return im.resize(ori_size, resample=Image.Resampling.BILINEAR)
|
190 |
+
|
191 |
+
|
192 |
+
def get_palette(dataset_name: str) -> List[int]:
|
193 |
+
if dataset_name in ["cloudsen12_high_l1c", "cloudsen12_high_l2a"]:
|
194 |
+
return [79, 253, 199, 77, 2, 115, 251, 255, 41, 221, 53, 223]
|
195 |
+
if dataset_name == "l8_biome":
|
196 |
+
return [79, 253, 199, 221, 53, 223, 251, 255, 41, 77, 2, 115]
|
197 |
+
if dataset_name in ["gf12ms_whu_gf1", "gf12ms_whu_gf2", "hrc_whu"]:
|
198 |
+
return [79, 253, 199, 77, 2, 115]
|
199 |
+
raise Exception("dataset_name not supported")
|
200 |
+
|
201 |
+
|
202 |
+
if __name__ == '__main__':
|
203 |
+
title = 'Cloud Segmentation for Remote Sensing Images'
|
204 |
+
custom_css = """
|
205 |
+
h1 {
|
206 |
+
text-align: center;
|
207 |
+
font-size: 24px;
|
208 |
+
font-weight: bold;
|
209 |
+
margin-bottom: 20px;
|
210 |
+
}
|
211 |
+
"""
|
212 |
+
hrc_whu_examples = glob("example_inputs/hrc_whu/*")
|
213 |
+
gf1_examples = glob("example_inputs/gf1/*")
|
214 |
+
gf2_examples = glob("example_inputs/gf2/*")
|
215 |
+
l1c_examples = glob("example_inputs/l1c/*")
|
216 |
+
l2a_examples = glob("example_inputs/l2a/*")
|
217 |
+
l8_examples = glob("example_inputs/l8/*")
|
218 |
+
|
219 |
+
device = "cuda:0" if torch.cuda.is_available() else "cpu"
|
220 |
+
with gr.Blocks(analytics_enabled=False, title=title,css=custom_css) as demo:
|
221 |
+
gr.Markdown(f'# {title}')
|
222 |
+
with gr.Tabs():
|
223 |
+
with gr.TabItem('Google Earth'):
|
224 |
+
CloudAdapterGradio(
|
225 |
+
device=device,
|
226 |
+
example_inputs=hrc_whu_examples,
|
227 |
+
num_classes=2,
|
228 |
+
palette=get_palette("hrc_whu"),
|
229 |
+
other_model_weight_path="checkpoints/hrc_whu"
|
230 |
+
)
|
231 |
+
with gr.TabItem('Gaofen-1'):
|
232 |
+
CloudAdapterGradio(
|
233 |
+
device=device,
|
234 |
+
example_inputs=gf1_examples,
|
235 |
+
num_classes=2,
|
236 |
+
palette=get_palette("gf12ms_whu_gf1"),
|
237 |
+
other_model_weight_path="checkpoints/gf12ms_whu_gf1"
|
238 |
+
)
|
239 |
+
with gr.TabItem('Gaofen-2'):
|
240 |
+
CloudAdapterGradio(
|
241 |
+
device=device,
|
242 |
+
example_inputs=gf2_examples,
|
243 |
+
num_classes=2,
|
244 |
+
palette=get_palette("gf12ms_whu_gf2"),
|
245 |
+
other_model_weight_path="checkpoints/gf12ms_whu_gf2"
|
246 |
+
)
|
247 |
+
|
248 |
+
with gr.TabItem('Sentinel-2 (L1C)'):
|
249 |
+
CloudAdapterGradio(
|
250 |
+
device=device,
|
251 |
+
example_inputs=l1c_examples,
|
252 |
+
num_classes=4,
|
253 |
+
palette=get_palette("cloudsen12_high_l1c"),
|
254 |
+
other_model_weight_path="checkpoints/cloudsen12_high_l1c"
|
255 |
+
)
|
256 |
+
with gr.TabItem('Sentinel-2 (L2A)'):
|
257 |
+
CloudAdapterGradio(
|
258 |
+
device=device,
|
259 |
+
example_inputs=l2a_examples,
|
260 |
+
num_classes=4,
|
261 |
+
palette=get_palette("cloudsen12_high_l2a"),
|
262 |
+
other_model_weight_path="checkpoints/cloudsen12_high_l2a"
|
263 |
+
)
|
264 |
+
with gr.TabItem('Landsat-8'):
|
265 |
+
CloudAdapterGradio(
|
266 |
+
device=device,
|
267 |
+
example_inputs=l8_examples,
|
268 |
+
num_classes=4,
|
269 |
+
palette=get_palette("l8_biome"),
|
270 |
+
other_model_weight_path="checkpoints/l8_biome"
|
271 |
+
)
|
272 |
+
|
273 |
+
demo.launch(share=True, debug=True)
|
checkpoints/cloudsen12_high_l1c/cdnetv1.bin
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:b6d53b129196c94f1f058a24b5c25df4f1f7563c9acb29fd49758294d1f6cceb
|
3 |
+
size 186527237
|
checkpoints/cloudsen12_high_l1c/cdnetv2.bin
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:6a9c38d7c9468b2f5b4ffc5dfe0b7d316003c6f8a1cebcc21f694d84dad97b2d
|
3 |
+
size 270986885
|
checkpoints/cloudsen12_high_l1c/dbnet.bin
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:cef06e9aa7ff8b667a1cede0d78a1a4a2ce08ce8aedba748ecf0980c4362f375
|
3 |
+
size 381851304
|
checkpoints/cloudsen12_high_l1c/hrcloudnet.bin
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:3fb5499f03116b9fb2b5ea3599ddfcd7c09ef9841426cef10809baf81f0cfc9c
|
3 |
+
size 299109140
|
checkpoints/cloudsen12_high_l1c/kappamask.bin
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:ae76545a2ed8a2aaf7ab01f0fb2b9acec92892786df87840690eb8233c05b3d9
|
3 |
+
size 124145209
|
checkpoints/cloudsen12_high_l1c/mcdnet.bin
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:036a018532dc2963141728dfd4312303d97d575dec8ef3c9cd39992cfc41e6ad
|
3 |
+
size 52544517
|
checkpoints/cloudsen12_high_l1c/scnn.bin
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:72b9744cc640d6b4f01c7a1a3ec41cd6cbd23d390179df3330d7b282964cf3da
|
3 |
+
size 4711
|
checkpoints/cloudsen12_high_l1c/unetmobv2.bin
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:b51e7cea6e595f397609b9c7c469a8c09134ff7a059be5c35648671d60431e4d
|
3 |
+
size 26781125
|
checkpoints/cloudsen12_high_l2a/cdnetv1.bin
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:950e9000d57d91cd04b83879072dc53e889383186203f65d0eae627cfac51550
|
3 |
+
size 186527237
|
checkpoints/cloudsen12_high_l2a/cdnetv2.bin
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:b10bf239641196801866b1946466f3dbfa04a895f9a54f126a528eae200e169c
|
3 |
+
size 270986885
|
checkpoints/cloudsen12_high_l2a/dbnet.bin
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:08bbb910c142844a7a143f9377cd4c2377f2d6cbac3846d7b065939ad217b06d
|
3 |
+
size 381851304
|
checkpoints/cloudsen12_high_l2a/hrcloudnet.bin
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:86fe9ebb28eef69661f801b3c576c53c92d8a9c634d7d4e4178fb63a153d8e5e
|
3 |
+
size 299109140
|
checkpoints/cloudsen12_high_l2a/kappamask.bin
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:f329219f7b84c67e3515fcbfd69bfb1a5b29ef893cbfe80d7a3e96a9c4dd11b7
|
3 |
+
size 124145209
|
checkpoints/cloudsen12_high_l2a/mcdnet.bin
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:81334d65167b113cdcbe5d9f009c1f922556f5793a8d117b435fabb1ae097282
|
3 |
+
size 52544517
|
checkpoints/cloudsen12_high_l2a/scnn.bin
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:a498440a79b3a5a1dbe9b2017123dac1658ec3ca2edcc000cf469010dd7f930d
|
3 |
+
size 4711
|
checkpoints/cloudsen12_high_l2a/unetmobv2.bin
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:0751cd214121123687858defc4800cb2a3ae18944a8b07a08fc7b66b78192437
|
3 |
+
size 26781125
|
checkpoints/gf12ms_whu_gf1/cdnetv1.bin
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:48f0f7dea20d20df222644c5a0633579afd2f53de39fb4afaab88aa621e019c5
|
3 |
+
size 186375173
|
checkpoints/gf12ms_whu_gf1/cdnetv2.bin
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:16b2c501c9647ccec87565391946fc95beba4459992ed6a598c8650e9a85128e
|
3 |
+
size 270982789
|
checkpoints/gf12ms_whu_gf1/dbnet.bin
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:87db726ffb9bc6d69822c0b5e8167391c50bdfbc7c4a023b2700bbf3808960b8
|
3 |
+
size 381851176
|
checkpoints/gf12ms_whu_gf1/hrcloudnet.bin
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:69c3ba3f272c55e667d9867d50d8cf43cc7c26aac8cf1b365f4d7b62d35b9d9d
|
3 |
+
size 299099284
|
checkpoints/gf12ms_whu_gf1/kappamask.bin
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:460f292b64632da5591e829f7b208ae68e36e79682230bebf20415b7def126e7
|
3 |
+
size 124145209
|
checkpoints/gf12ms_whu_gf1/mcdnet.bin
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:a2e81bb99369297eb73a00aacfe825f851967e559fc1bd01365326c410a39d07
|
3 |
+
size 52542213
|
checkpoints/gf12ms_whu_gf1/scnn.bin
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:e21a3c86223760d50b43cf0a3f9c808ab263a5b1b074ce7b7249470c3da21335
|
3 |
+
size 3751
|
checkpoints/gf12ms_whu_gf1/unetmobv2.bin
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:a55cfaf62350ce09ada9925b86529a0361a5143a610360c1682b2adab42543c5
|
3 |
+
size 26779973
|
checkpoints/gf12ms_whu_gf2/cdnetv1.bin
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:97ff37beaabd1a85ca52682a7a73c1660fb285c4f6bbe6c6de42e9a5ace7e5cd
|
3 |
+
size 186375173
|
checkpoints/gf12ms_whu_gf2/cdnetv2.bin
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:710c1d7a4e7ecf011aed9dfb659c1acc09388b68b0264389cd0fae72840ce9c3
|
3 |
+
size 270982789
|
checkpoints/gf12ms_whu_gf2/dbnet.bin
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:8a61516dc057fa5100f5222570654067406c8f8dee1fae3e3a41a99d13cec1fe
|
3 |
+
size 381851176
|
checkpoints/gf12ms_whu_gf2/hrcloudnet.bin
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:ecfc004b7af6d105d4e73d074de0c9e3c5629d59347a70aaa1f36938bc3b7377
|
3 |
+
size 299099284
|
checkpoints/gf12ms_whu_gf2/kappamask.bin
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:c8e5194faafe0a43fd2348924c0f0217e322801ad41f0a34506f26ed87c028d8
|
3 |
+
size 124145209
|
checkpoints/gf12ms_whu_gf2/mcdnet.bin
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:f8427fb5f8ac496c681404ff49f101527776b34950963847f4233ad732e3266d
|
3 |
+
size 52542213
|
checkpoints/gf12ms_whu_gf2/scnn.bin
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:2a979b772223382952c33f2456a259d20f3f89ceb8f6896c1c4de0232c2e9158
|
3 |
+
size 3751
|
checkpoints/gf12ms_whu_gf2/unetmobv2.bin
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:a24fc14f9dc984af1353b8271d6f2bcfc56b9dae662dca5de550496bde761a55
|
3 |
+
size 26779973
|
checkpoints/hrc_whu/cdnetv1.bin
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:3109f560dd139e1f363872c723eba1c870ece000faeb18a76ad5988c07f5a583
|
3 |
+
size 186375173
|
checkpoints/hrc_whu/cdnetv2.bin
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:026672dd7d45cac9c9f5ad6642cdcf8ce136b76c224cca4ecceca8c1af80aa5e
|
3 |
+
size 270982789
|
checkpoints/hrc_whu/dbnet.bin
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:f3153c1a03c0a1cba012afde20dad7500ef3cd230247320b092b5fce22d44292
|
3 |
+
size 381851176
|
checkpoints/hrc_whu/hrcloudnet.bin
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:35616fcd0ec286a1b3eafefc62938d2abfbdd2b4df358094e597dc87839e6cc2
|
3 |
+
size 299099284
|
checkpoints/hrc_whu/kappamask.bin
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:8ede3aedec3c8ffaac92762e21e01a81f63637bdf3250d331cb7ca2abaed7427
|
3 |
+
size 124145209
|
checkpoints/hrc_whu/mcdnet.bin
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:37fee9b47ffd935663f2f083aa1262b411a75f9baed6762a9471c5231418bd20
|
3 |
+
size 52542213
|
checkpoints/hrc_whu/scnn.bin
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:8c44d5fa44e25725a35cc8310b17b75cafc3bf0df4820dffe13c7565fe6b3fe3
|
3 |
+
size 3751
|
checkpoints/hrc_whu/unetmobv2.bin
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:0c43160542fdf8a06cab3b361bb590c6f610689729cb92a90d96cdd537f429be
|
3 |
+
size 26779973
|
checkpoints/l8_biome/cdnetv1.bin
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:1ad71461000af0742f3255ccaa2741e21f635525ac36ab8ca5b50cc46efd27f0
|
3 |
+
size 186527707
|
checkpoints/l8_biome/cdnetv2.bin
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:270d5879bf8323d4c2f57e5cd84e6fcbce5adafac70521e5c7fb58a8a4cc91bb
|
3 |
+
size 270987497
|
checkpoints/l8_biome/dbnet.bin
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:f8e89b13b1b111c93f19ceaf3281f1a1d30114bad86b1f4c5ba38ead5185a164
|
3 |
+
size 381852469
|
checkpoints/l8_biome/hrcloudnet.bin
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:01aaad5c90314b6a7cca04309cc580e0957c35b29a78854a51ab0d14e28547fd
|
3 |
+
size 299109140
|
checkpoints/l8_biome/kappamask.bin
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:07bc7288105ed0fccfc6ec54a86f016735b322f2b66761c36461e12f9c174f25
|
3 |
+
size 124145259
|
checkpoints/l8_biome/mcdnet.bin
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:47d9d9d4cb38976677a73e6b587dd96b35bb219ef300cac9bdb5433b385c4c39
|
3 |
+
size 52544793
|
checkpoints/l8_biome/scnn.bin
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:63dc57a34334c2ea9245c88f29753b1c4749639c950c32e9cb2b2823ebed3db1
|
3 |
+
size 4719
|
checkpoints/l8_biome/unetmobv2.bin
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:f1ff694e2c97b7696e9415f9d56e0f9b9ca813ac3e1d7f773cafae38c16f9511
|
3 |
+
size 26781501
|
example_inputs/gf1/11.png
ADDED