Spaces:
Runtime error
Runtime error
HubHop
commited on
Commit
•
62a820e
1
Parent(s):
964e5e2
update
Browse files- .idea/inspectionProfiles/Project_Default.xml +92 -0
- .idea/inspectionProfiles/profiles_settings.xml +6 -0
- .idea/misc.xml +4 -0
- .idea/modules.xml +8 -0
- .idea/snnetv2-image-classification.iml +8 -0
- .idea/vcs.xml +6 -0
- app.py +2 -3
- outputs/deit/20240118_171921.log +0 -1
- outputs/stitch_s_l_v2_lora_r_64_50_ep/20240118_172124.log +0 -2
- outputs/stitch_s_l_v2_lora_r_64_50_ep/20240118_172140.log +0 -2
- outputs/stitch_s_l_v2_lora_r_64_50_ep/20240118_172156.log +0 -5
- outputs/stitch_s_l_v2_lora_r_64_50_ep/20240118_172250.log +0 -5
- outputs/stitch_s_l_v2_lora_r_64_50_ep/20240118_172309.log +0 -5
- outputs/stitch_s_l_v2_lora_r_64_50_ep/20240118_172332.log +0 -5
.idea/inspectionProfiles/Project_Default.xml
ADDED
@@ -0,0 +1,92 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
<component name="InspectionProjectProfileManager">
|
2 |
+
<profile version="1.0">
|
3 |
+
<option name="myName" value="Project Default" />
|
4 |
+
<inspection_tool class="PyPackageRequirementsInspection" enabled="true" level="WARNING" enabled_by_default="true">
|
5 |
+
<option name="ignoredPackages">
|
6 |
+
<value>
|
7 |
+
<list size="79">
|
8 |
+
<item index="0" class="java.lang.String" itemvalue="timm" />
|
9 |
+
<item index="1" class="java.lang.String" itemvalue="torch" />
|
10 |
+
<item index="2" class="java.lang.String" itemvalue="torchvision" />
|
11 |
+
<item index="3" class="java.lang.String" itemvalue="einops" />
|
12 |
+
<item index="4" class="java.lang.String" itemvalue="ema-pytorch" />
|
13 |
+
<item index="5" class="java.lang.String" itemvalue="wandb" />
|
14 |
+
<item index="6" class="java.lang.String" itemvalue="cffi" />
|
15 |
+
<item index="7" class="java.lang.String" itemvalue="numpy" />
|
16 |
+
<item index="8" class="java.lang.String" itemvalue="ninja" />
|
17 |
+
<item index="9" class="java.lang.String" itemvalue="mmcv" />
|
18 |
+
<item index="10" class="java.lang.String" itemvalue="huggingface_hub" />
|
19 |
+
<item index="11" class="java.lang.String" itemvalue="prettytable" />
|
20 |
+
<item index="12" class="java.lang.String" itemvalue="interrogate" />
|
21 |
+
<item index="13" class="java.lang.String" itemvalue="pytest" />
|
22 |
+
<item index="14" class="java.lang.String" itemvalue="cityscapesscripts" />
|
23 |
+
<item index="15" class="java.lang.String" itemvalue="mmcls" />
|
24 |
+
<item index="16" class="java.lang.String" itemvalue="xdoctest" />
|
25 |
+
<item index="17" class="java.lang.String" itemvalue="codecov" />
|
26 |
+
<item index="18" class="java.lang.String" itemvalue="flake8" />
|
27 |
+
<item index="19" class="java.lang.String" itemvalue="scikit-image" />
|
28 |
+
<item index="20" class="java.lang.String" itemvalue="shapely" />
|
29 |
+
<item index="21" class="java.lang.String" itemvalue="cython" />
|
30 |
+
<item index="22" class="java.lang.String" itemvalue="h5py" />
|
31 |
+
<item index="23" class="java.lang.String" itemvalue="submitit" />
|
32 |
+
<item index="24" class="java.lang.String" itemvalue="imagecorruptions" />
|
33 |
+
<item index="25" class="java.lang.String" itemvalue="onnxruntime" />
|
34 |
+
<item index="26" class="java.lang.String" itemvalue="mmtrack" />
|
35 |
+
<item index="27" class="java.lang.String" itemvalue="sklearn" />
|
36 |
+
<item index="28" class="java.lang.String" itemvalue="isort" />
|
37 |
+
<item index="29" class="java.lang.String" itemvalue="kwarray" />
|
38 |
+
<item index="30" class="java.lang.String" itemvalue="asynctest" />
|
39 |
+
<item index="31" class="java.lang.String" itemvalue="onnx" />
|
40 |
+
<item index="32" class="java.lang.String" itemvalue="ubelt" />
|
41 |
+
<item index="33" class="java.lang.String" itemvalue="terminaltables" />
|
42 |
+
<item index="34" class="java.lang.String" itemvalue="blobfile" />
|
43 |
+
<item index="35" class="java.lang.String" itemvalue="pillow" />
|
44 |
+
<item index="36" class="java.lang.String" itemvalue="streamlit-drawable-canvas" />
|
45 |
+
<item index="37" class="java.lang.String" itemvalue="opencv-contrib-python" />
|
46 |
+
<item index="38" class="java.lang.String" itemvalue="torchmetrics" />
|
47 |
+
<item index="39" class="java.lang.String" itemvalue="transformers" />
|
48 |
+
<item index="40" class="java.lang.String" itemvalue="gradio" />
|
49 |
+
<item index="41" class="java.lang.String" itemvalue="basicsr" />
|
50 |
+
<item index="42" class="java.lang.String" itemvalue="streamlit" />
|
51 |
+
<item index="43" class="java.lang.String" itemvalue="imageio-ffmpeg" />
|
52 |
+
<item index="44" class="java.lang.String" itemvalue="omegaconf" />
|
53 |
+
<item index="45" class="java.lang.String" itemvalue="albumentations" />
|
54 |
+
<item index="46" class="java.lang.String" itemvalue="kornia" />
|
55 |
+
<item index="47" class="java.lang.String" itemvalue="pytorch-lightning" />
|
56 |
+
<item index="48" class="java.lang.String" itemvalue="imageio" />
|
57 |
+
<item index="49" class="java.lang.String" itemvalue="safetensors" />
|
58 |
+
<item index="50" class="java.lang.String" itemvalue="test-tube" />
|
59 |
+
<item index="51" class="java.lang.String" itemvalue="webdataset" />
|
60 |
+
<item index="52" class="java.lang.String" itemvalue="invisible-watermark" />
|
61 |
+
<item index="53" class="java.lang.String" itemvalue="open_clip_torch" />
|
62 |
+
<item index="54" class="java.lang.String" itemvalue="black" />
|
63 |
+
<item index="55" class="java.lang.String" itemvalue="click" />
|
64 |
+
<item index="56" class="java.lang.String" itemvalue="nibabel" />
|
65 |
+
<item index="57" class="java.lang.String" itemvalue="cuml-cu11" />
|
66 |
+
<item index="58" class="java.lang.String" itemvalue="xformers" />
|
67 |
+
<item index="59" class="java.lang.String" itemvalue="opencv-python" />
|
68 |
+
<item index="60" class="java.lang.String" itemvalue="diffusers" />
|
69 |
+
<item index="61" class="java.lang.String" itemvalue="torch-fidelity" />
|
70 |
+
<item index="62" class="java.lang.String" itemvalue="peft" />
|
71 |
+
<item index="63" class="java.lang.String" itemvalue="pytorch-fid" />
|
72 |
+
<item index="64" class="java.lang.String" itemvalue="accelerate" />
|
73 |
+
<item index="65" class="java.lang.String" itemvalue="datasets" />
|
74 |
+
<item index="66" class="java.lang.String" itemvalue="latent-diffusion" />
|
75 |
+
<item index="67" class="java.lang.String" itemvalue="taming-transformers" />
|
76 |
+
<item index="68" class="java.lang.String" itemvalue="pudb" />
|
77 |
+
<item index="69" class="java.lang.String" itemvalue="clip" />
|
78 |
+
<item index="70" class="java.lang.String" itemvalue="tensorflow" />
|
79 |
+
<item index="71" class="java.lang.String" itemvalue="flax" />
|
80 |
+
<item index="72" class="java.lang.String" itemvalue="tensorflow_datasets" />
|
81 |
+
<item index="73" class="java.lang.String" itemvalue="ml_collections" />
|
82 |
+
<item index="74" class="java.lang.String" itemvalue="clu" />
|
83 |
+
<item index="75" class="java.lang.String" itemvalue="scipy" />
|
84 |
+
<item index="76" class="java.lang.String" itemvalue="ftfy" />
|
85 |
+
<item index="77" class="java.lang.String" itemvalue="regex" />
|
86 |
+
<item index="78" class="java.lang.String" itemvalue="torch_xla" />
|
87 |
+
</list>
|
88 |
+
</value>
|
89 |
+
</option>
|
90 |
+
</inspection_tool>
|
91 |
+
</profile>
|
92 |
+
</component>
|
.idea/inspectionProfiles/profiles_settings.xml
ADDED
@@ -0,0 +1,6 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
<component name="InspectionProjectProfileManager">
|
2 |
+
<settings>
|
3 |
+
<option name="USE_PROJECT_PROFILE" value="false" />
|
4 |
+
<version value="1.0" />
|
5 |
+
</settings>
|
6 |
+
</component>
|
.idea/misc.xml
ADDED
@@ -0,0 +1,4 @@
|
|
|
|
|
|
|
|
|
|
|
1 |
+
<?xml version="1.0" encoding="UTF-8"?>
|
2 |
+
<project version="4">
|
3 |
+
<component name="ProjectRootManager" version="2" project-jdk-name="testenv" project-jdk-type="Python SDK" />
|
4 |
+
</project>
|
.idea/modules.xml
ADDED
@@ -0,0 +1,8 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
<?xml version="1.0" encoding="UTF-8"?>
|
2 |
+
<project version="4">
|
3 |
+
<component name="ProjectModuleManager">
|
4 |
+
<modules>
|
5 |
+
<module fileurl="file://$PROJECT_DIR$/.idea/snnetv2-image-classification.iml" filepath="$PROJECT_DIR$/.idea/snnetv2-image-classification.iml" />
|
6 |
+
</modules>
|
7 |
+
</component>
|
8 |
+
</project>
|
.idea/snnetv2-image-classification.iml
ADDED
@@ -0,0 +1,8 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
<?xml version="1.0" encoding="UTF-8"?>
|
2 |
+
<module type="PYTHON_MODULE" version="4">
|
3 |
+
<component name="NewModuleRootManager">
|
4 |
+
<content url="file://$MODULE_DIR$" />
|
5 |
+
<orderEntry type="jdk" jdkName="testenv" jdkType="Python SDK" />
|
6 |
+
<orderEntry type="sourceFolder" forTests="false" />
|
7 |
+
</component>
|
8 |
+
</module>
|
.idea/vcs.xml
ADDED
@@ -0,0 +1,6 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
<?xml version="1.0" encoding="UTF-8"?>
|
2 |
+
<project version="4">
|
3 |
+
<component name="VcsDirectoryMappings">
|
4 |
+
<mapping directory="" vcs="Git" />
|
5 |
+
</component>
|
6 |
+
</project>
|
app.py
CHANGED
@@ -302,7 +302,7 @@ def main(args):
|
|
302 |
title=f"SN-Netv2 - Stitch ID - {stitch_id}",
|
303 |
title_x=0.5,
|
304 |
xaxis_title="GFLOPs",
|
305 |
-
yaxis_title="
|
306 |
font=dict(
|
307 |
family="Courier New, monospace",
|
308 |
size=18,
|
@@ -342,8 +342,7 @@ def main(args):
|
|
342 |
gr.HTML("""
|
343 |
<h1 align="center" style=" display: flex; flex-direction: row; justify-content: center; font-size: 25pt; ">Stitched ViTs are Flexible Vision Backbones</h1>
|
344 |
<div align="center"> <img align="center" src='file/gradio_banner.png' width="70%"> </div>
|
345 |
-
<h3 align="center" >This is the classification demo page of SN-Netv2, an flexible vision backbone that allows for 100+ runtime speed and performance trade-offs
|
346 |
-
<h3 align="center" >You can also run this gradio demo on your local GPUs at https://github.com/ziplab/SN-Netv2</h3>
|
347 |
""")
|
348 |
with gr.Row():
|
349 |
with gr.Column():
|
|
|
302 |
title=f"SN-Netv2 - Stitch ID - {stitch_id}",
|
303 |
title_x=0.5,
|
304 |
xaxis_title="GFLOPs",
|
305 |
+
yaxis_title="Top-1 Acc (%)",
|
306 |
font=dict(
|
307 |
family="Courier New, monospace",
|
308 |
size=18,
|
|
|
342 |
gr.HTML("""
|
343 |
<h1 align="center" style=" display: flex; flex-direction: row; justify-content: center; font-size: 25pt; ">Stitched ViTs are Flexible Vision Backbones</h1>
|
344 |
<div align="center"> <img align="center" src='file/gradio_banner.png' width="70%"> </div>
|
345 |
+
<h3 align="center" >This is the classification demo page of SN-Netv2, an flexible vision backbone that allows for 100+ runtime speed and performance trade-offs. You can also run this gradio demo on your local GPUs at <a href="https://github.com/ziplab/SN-Netv2">https://github.com/ziplab/SN-Netv2</a>, Paper link: <a href="https://arxiv.org/abs/2307.00154">https://arxiv.org/abs/2307.00154</a>.</h3>
|
|
|
346 |
""")
|
347 |
with gr.Row():
|
348 |
with gr.Column():
|
outputs/deit/20240118_171921.log
DELETED
@@ -1 +0,0 @@
|
|
1 |
-
2024-01-18 17:19:21,866 - snnet - INFO - Namespace(batch_size=64, epochs=300, bce_loss=False, unscale_lr=False, model='deit_base_patch16_224', input_size=224, drop=0.0, drop_path=0.1, model_ema=True, model_ema_decay=0.99996, model_ema_force_cpu=False, opt='adamw', opt_eps=1e-08, opt_betas=None, clip_grad=None, momentum=0.9, weight_decay=0.05, sched='cosine', lr=0.0005, lr_noise=None, lr_noise_pct=0.67, lr_noise_std=1.0, warmup_lr=1e-06, min_lr=1e-05, decay_epochs=30, warmup_epochs=5, cooldown_epochs=10, patience_epochs=10, decay_rate=0.1, color_jitter=0.3, aa='rand-m9-mstd0.5-inc1', smoothing=0.1, train_interpolation='bicubic', repeated_aug=True, train_mode=True, ThreeAugment=False, src=False, reprob=0.25, remode='pixel', recount=1, resplit=False, mixup=0.8, cutmix=1.0, cutmix_minmax=None, mixup_prob=1.0, mixup_switch_prob=0.5, mixup_mode='batch', teacher_model='regnety_160', teacher_path='', distillation_type='none', distillation_alpha=0.5, distillation_tau=1.0, finetune='', attn_only=False, data_path='/datasets01/imagenet_full_size/061417/', data_set='IMNET', inat_category='name', output_dir='outputs/deit', device='cuda', seed=0, resume='', start_epoch=0, eval=False, eval_crop_ratio=0.875, dist_eval=False, num_workers=10, pin_mem=True, world_size=1, dist_url='env://', exp_name='deit', config=None, scoring=False, proxy='synflow', snnet_name='snnetv2', get_flops=False, flops_sampling_k=None, low_rank=False, lora_r=64, flops_gap=1.0, distributed=False)
|
|
|
|
outputs/stitch_s_l_v2_lora_r_64_50_ep/20240118_172124.log
DELETED
@@ -1,2 +0,0 @@
|
|
1 |
-
2024-01-18 17:21:24,162 - snnet - INFO - Namespace(batch_size=64, epochs=50, bce_loss=False, unscale_lr=True, model='deit_base_patch16_224', input_size=224, drop=0.0, drop_path=0.1, model_ema=True, model_ema_decay=0.99996, model_ema_force_cpu=False, opt='fusedlamb', opt_eps=1e-08, opt_betas=None, clip_grad=None, momentum=0.9, weight_decay=0.02, sched='cosine', lr=3e-05, lr_noise=None, lr_noise_pct=0.67, lr_noise_std=1.0, warmup_lr=1e-07, min_lr=1e-05, decay_epochs=30, warmup_epochs=5, cooldown_epochs=10, patience_epochs=10, decay_rate=0.1, color_jitter=0.3, aa='rand-m9-mstd0.5-inc1', smoothing=0.1, train_interpolation='bicubic', repeated_aug=True, train_mode=True, ThreeAugment=True, src=True, reprob=0.0, remode='pixel', recount=1, resplit=False, mixup=0, cutmix=1.0, cutmix_minmax=None, mixup_prob=1.0, mixup_switch_prob=0.5, mixup_mode='batch', teacher_model='regnety_160', teacher_path='', distillation_type='none', distillation_alpha=0.5, distillation_tau=1.0, finetune='', attn_only=False, data_path='/data2/datasets/imagenet', data_set='IMNET', inat_category='name', output_dir='outputs/stitch_s_l_v2_lora_r_64_50_ep', device='cuda', seed=0, resume='snnetv2_deit3_s_l.pth', start_epoch=0, eval=False, eval_crop_ratio=1.0, dist_eval=False, num_workers=10, pin_mem=True, world_size=1, dist_url='env://', exp_name='stitch_s_l_v2_lora_r_64_50_ep', config='gradio_demo.json', scoring=False, proxy='synflow', snnet_name='snnet_v2', get_flops=False, flops_sampling_k=None, low_rank=False, lora_r=64, flops_gap=1.0, anchors=['deit_small_patch16_LS', 'deit_large_patch16_LS'], anchor_drop_path=[0.05, 0.4], no_repeated_aug=True, pretrained_deit='../pretrained_weights', distributed=False)
|
2 |
-
2024-01-18 17:21:24,163 - snnet - INFO - Creating model: deit_small_patch16_LS
|
|
|
|
|
|
outputs/stitch_s_l_v2_lora_r_64_50_ep/20240118_172140.log
DELETED
@@ -1,2 +0,0 @@
|
|
1 |
-
2024-01-18 17:21:40,831 - snnet - INFO - Namespace(batch_size=64, epochs=50, bce_loss=False, unscale_lr=True, model='deit_base_patch16_224', input_size=224, drop=0.0, drop_path=0.1, model_ema=True, model_ema_decay=0.99996, model_ema_force_cpu=False, opt='fusedlamb', opt_eps=1e-08, opt_betas=None, clip_grad=None, momentum=0.9, weight_decay=0.02, sched='cosine', lr=3e-05, lr_noise=None, lr_noise_pct=0.67, lr_noise_std=1.0, warmup_lr=1e-07, min_lr=1e-05, decay_epochs=30, warmup_epochs=5, cooldown_epochs=10, patience_epochs=10, decay_rate=0.1, color_jitter=0.3, aa='rand-m9-mstd0.5-inc1', smoothing=0.1, train_interpolation='bicubic', repeated_aug=True, train_mode=True, ThreeAugment=True, src=True, reprob=0.0, remode='pixel', recount=1, resplit=False, mixup=0, cutmix=1.0, cutmix_minmax=None, mixup_prob=1.0, mixup_switch_prob=0.5, mixup_mode='batch', teacher_model='regnety_160', teacher_path='', distillation_type='none', distillation_alpha=0.5, distillation_tau=1.0, finetune='', attn_only=False, data_path='/data2/datasets/imagenet', data_set='IMNET', inat_category='name', output_dir='outputs/stitch_s_l_v2_lora_r_64_50_ep', device='cuda', seed=0, resume='snnetv2_deit3_s_l.pth', start_epoch=0, eval=False, eval_crop_ratio=1.0, dist_eval=False, num_workers=10, pin_mem=True, world_size=1, dist_url='env://', exp_name='stitch_s_l_v2_lora_r_64_50_ep', config='gradio_demo.json', scoring=False, proxy='synflow', snnet_name='snnet_v2', get_flops=False, flops_sampling_k=None, low_rank=False, lora_r=64, flops_gap=1.0, anchors=['deit_small_patch16_LS', 'deit_large_patch16_LS'], anchor_drop_path=[0.05, 0.4], no_repeated_aug=True, pretrained_deit='../pretrained_weights', distributed=False)
|
2 |
-
2024-01-18 17:21:40,832 - snnet - INFO - Creating model: deit_small_patch16_LS
|
|
|
|
|
|
outputs/stitch_s_l_v2_lora_r_64_50_ep/20240118_172156.log
DELETED
@@ -1,5 +0,0 @@
|
|
1 |
-
2024-01-18 17:21:56,859 - snnet - INFO - Namespace(batch_size=64, epochs=50, bce_loss=False, unscale_lr=True, model='deit_base_patch16_224', input_size=224, drop=0.0, drop_path=0.1, model_ema=True, model_ema_decay=0.99996, model_ema_force_cpu=False, opt='fusedlamb', opt_eps=1e-08, opt_betas=None, clip_grad=None, momentum=0.9, weight_decay=0.02, sched='cosine', lr=3e-05, lr_noise=None, lr_noise_pct=0.67, lr_noise_std=1.0, warmup_lr=1e-07, min_lr=1e-05, decay_epochs=30, warmup_epochs=5, cooldown_epochs=10, patience_epochs=10, decay_rate=0.1, color_jitter=0.3, aa='rand-m9-mstd0.5-inc1', smoothing=0.1, train_interpolation='bicubic', repeated_aug=True, train_mode=True, ThreeAugment=True, src=True, reprob=0.0, remode='pixel', recount=1, resplit=False, mixup=0, cutmix=1.0, cutmix_minmax=None, mixup_prob=1.0, mixup_switch_prob=0.5, mixup_mode='batch', teacher_model='regnety_160', teacher_path='', distillation_type='none', distillation_alpha=0.5, distillation_tau=1.0, finetune='', attn_only=False, data_path='/data2/datasets/imagenet', data_set='IMNET', inat_category='name', output_dir='outputs/stitch_s_l_v2_lora_r_64_50_ep', device='cuda', seed=0, resume='snnetv2_deit3_s_l.pth', start_epoch=0, eval=False, eval_crop_ratio=1.0, dist_eval=False, num_workers=10, pin_mem=True, world_size=1, dist_url='env://', exp_name='stitch_s_l_v2_lora_r_64_50_ep', config='gradio_demo.json', scoring=False, proxy='synflow', snnet_name='snnet_v2', get_flops=False, flops_sampling_k=None, low_rank=False, lora_r=64, flops_gap=1.0, anchors=['deit_small_patch16_LS', 'deit_large_patch16_LS'], anchor_drop_path=[0.05, 0.4], no_repeated_aug=True, pretrained_deit='../pretrained_weights', distributed=False)
|
2 |
-
2024-01-18 17:21:56,859 - snnet - INFO - Creating model: deit_small_patch16_LS
|
3 |
-
2024-01-18 17:21:57,078 - snnet - INFO - Creating model: deit_large_patch16_LS
|
4 |
-
2024-01-18 17:21:59,994 - snnet - INFO - [0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15, 16, 17, 18, 19, 20, 21, 22, 23, 24, 25, 26, 27, 28, 29, 30, 31, 32, 33, 34, 35, 36, 37, 38, 39, 40, 41, 42, 43, 44, 45, 46, 47, 48, 49, 50, 51, 52, 53, 54, 55, 56, 57, 58, 59, 60, 61, 62, 63, 64, 65, 66, 67, 68, 69, 70, 71, 72, 73, 74, 75, 76, 77, 78, 79, 80, 81, 82, 83, 84, 85, 86, 87, 88, 89, 90, 91, 92, 93, 94, 95, 96, 97, 98, 99, 100, 101, 102, 103, 104, 105, 106, 107, 108, 109, 110, 111, 112, 113, 114, 115, 116, 117, 118, 119, 120, 121, 122, 123, 124, 125, 126, 127, 128, 129, 130, 131, 132, 133, 134]
|
5 |
-
2024-01-18 17:22:00,521 - snnet - INFO - load checkpoint from snnetv2_deit3_s_l.pth
|
|
|
|
|
|
|
|
|
|
|
|
outputs/stitch_s_l_v2_lora_r_64_50_ep/20240118_172250.log
DELETED
@@ -1,5 +0,0 @@
|
|
1 |
-
2024-01-18 17:22:50,304 - snnet - INFO - Namespace(batch_size=64, epochs=50, bce_loss=False, unscale_lr=True, model='deit_base_patch16_224', input_size=224, drop=0.0, drop_path=0.1, model_ema=True, model_ema_decay=0.99996, model_ema_force_cpu=False, opt='fusedlamb', opt_eps=1e-08, opt_betas=None, clip_grad=None, momentum=0.9, weight_decay=0.02, sched='cosine', lr=3e-05, lr_noise=None, lr_noise_pct=0.67, lr_noise_std=1.0, warmup_lr=1e-07, min_lr=1e-05, decay_epochs=30, warmup_epochs=5, cooldown_epochs=10, patience_epochs=10, decay_rate=0.1, color_jitter=0.3, aa='rand-m9-mstd0.5-inc1', smoothing=0.1, train_interpolation='bicubic', repeated_aug=True, train_mode=True, ThreeAugment=True, src=True, reprob=0.0, remode='pixel', recount=1, resplit=False, mixup=0, cutmix=1.0, cutmix_minmax=None, mixup_prob=1.0, mixup_switch_prob=0.5, mixup_mode='batch', teacher_model='regnety_160', teacher_path='', distillation_type='none', distillation_alpha=0.5, distillation_tau=1.0, finetune='', attn_only=False, data_path='/data2/datasets/imagenet', data_set='IMNET', inat_category='name', output_dir='outputs/stitch_s_l_v2_lora_r_64_50_ep', device='cpu', seed=0, resume='snnetv2_deit3_s_l.pth', start_epoch=0, eval=False, eval_crop_ratio=1.0, dist_eval=False, num_workers=10, pin_mem=True, world_size=1, dist_url='env://', exp_name='stitch_s_l_v2_lora_r_64_50_ep', config='gradio_demo.json', scoring=False, proxy='synflow', snnet_name='snnet_v2', get_flops=False, flops_sampling_k=None, low_rank=False, lora_r=64, flops_gap=1.0, anchors=['deit_small_patch16_LS', 'deit_large_patch16_LS'], anchor_drop_path=[0.05, 0.4], no_repeated_aug=True, pretrained_deit='../pretrained_weights', distributed=False)
|
2 |
-
2024-01-18 17:22:50,305 - snnet - INFO - Creating model: deit_small_patch16_LS
|
3 |
-
2024-01-18 17:22:50,535 - snnet - INFO - Creating model: deit_large_patch16_LS
|
4 |
-
2024-01-18 17:22:53,873 - snnet - INFO - [0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15, 16, 17, 18, 19, 20, 21, 22, 23, 24, 25, 26, 27, 28, 29, 30, 31, 32, 33, 34, 35, 36, 37, 38, 39, 40, 41, 42, 43, 44, 45, 46, 47, 48, 49, 50, 51, 52, 53, 54, 55, 56, 57, 58, 59, 60, 61, 62, 63, 64, 65, 66, 67, 68, 69, 70, 71, 72, 73, 74, 75, 76, 77, 78, 79, 80, 81, 82, 83, 84, 85, 86, 87, 88, 89, 90, 91, 92, 93, 94, 95, 96, 97, 98, 99, 100, 101, 102, 103, 104, 105, 106, 107, 108, 109, 110, 111, 112, 113, 114, 115, 116, 117, 118, 119, 120, 121, 122, 123, 124, 125, 126, 127, 128, 129, 130, 131, 132, 133, 134]
|
5 |
-
2024-01-18 17:22:54,392 - snnet - INFO - load checkpoint from snnetv2_deit3_s_l.pth
|
|
|
|
|
|
|
|
|
|
|
|
outputs/stitch_s_l_v2_lora_r_64_50_ep/20240118_172309.log
DELETED
@@ -1,5 +0,0 @@
|
|
1 |
-
2024-01-18 17:23:09,551 - snnet - INFO - Namespace(batch_size=64, epochs=50, bce_loss=False, unscale_lr=True, model='deit_base_patch16_224', input_size=224, drop=0.0, drop_path=0.1, model_ema=True, model_ema_decay=0.99996, model_ema_force_cpu=False, opt='fusedlamb', opt_eps=1e-08, opt_betas=None, clip_grad=None, momentum=0.9, weight_decay=0.02, sched='cosine', lr=3e-05, lr_noise=None, lr_noise_pct=0.67, lr_noise_std=1.0, warmup_lr=1e-07, min_lr=1e-05, decay_epochs=30, warmup_epochs=5, cooldown_epochs=10, patience_epochs=10, decay_rate=0.1, color_jitter=0.3, aa='rand-m9-mstd0.5-inc1', smoothing=0.1, train_interpolation='bicubic', repeated_aug=True, train_mode=True, ThreeAugment=True, src=True, reprob=0.0, remode='pixel', recount=1, resplit=False, mixup=0, cutmix=1.0, cutmix_minmax=None, mixup_prob=1.0, mixup_switch_prob=0.5, mixup_mode='batch', teacher_model='regnety_160', teacher_path='', distillation_type='none', distillation_alpha=0.5, distillation_tau=1.0, finetune='', attn_only=False, data_path='/data2/datasets/imagenet', data_set='IMNET', inat_category='name', output_dir='outputs/stitch_s_l_v2_lora_r_64_50_ep', device='cpu', seed=0, resume='snnetv2_deit3_s_l.pth', start_epoch=0, eval=False, eval_crop_ratio=1.0, dist_eval=False, num_workers=10, pin_mem=True, world_size=1, dist_url='env://', exp_name='stitch_s_l_v2_lora_r_64_50_ep', config='gradio_demo.json', scoring=False, proxy='synflow', snnet_name='snnet_v2', get_flops=False, flops_sampling_k=None, low_rank=False, lora_r=64, flops_gap=1.0, anchors=['deit_small_patch16_LS', 'deit_large_patch16_LS'], anchor_drop_path=[0.05, 0.4], no_repeated_aug=True, pretrained_deit='../pretrained_weights', distributed=False)
|
2 |
-
2024-01-18 17:23:09,553 - snnet - INFO - Creating model: deit_small_patch16_LS
|
3 |
-
2024-01-18 17:23:09,778 - snnet - INFO - Creating model: deit_large_patch16_LS
|
4 |
-
2024-01-18 17:23:13,077 - snnet - INFO - [0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15, 16, 17, 18, 19, 20, 21, 22, 23, 24, 25, 26, 27, 28, 29, 30, 31, 32, 33, 34, 35, 36, 37, 38, 39, 40, 41, 42, 43, 44, 45, 46, 47, 48, 49, 50, 51, 52, 53, 54, 55, 56, 57, 58, 59, 60, 61, 62, 63, 64, 65, 66, 67, 68, 69, 70, 71, 72, 73, 74, 75, 76, 77, 78, 79, 80, 81, 82, 83, 84, 85, 86, 87, 88, 89, 90, 91, 92, 93, 94, 95, 96, 97, 98, 99, 100, 101, 102, 103, 104, 105, 106, 107, 108, 109, 110, 111, 112, 113, 114, 115, 116, 117, 118, 119, 120, 121, 122, 123, 124, 125, 126, 127, 128, 129, 130, 131, 132, 133, 134]
|
5 |
-
2024-01-18 17:23:13,587 - snnet - INFO - load checkpoint from snnetv2_deit3_s_l.pth
|
|
|
|
|
|
|
|
|
|
|
|
outputs/stitch_s_l_v2_lora_r_64_50_ep/20240118_172332.log
DELETED
@@ -1,5 +0,0 @@
|
|
1 |
-
2024-01-18 17:23:32,357 - snnet - INFO - Namespace(batch_size=64, epochs=50, bce_loss=False, unscale_lr=True, model='deit_base_patch16_224', input_size=224, drop=0.0, drop_path=0.1, model_ema=True, model_ema_decay=0.99996, model_ema_force_cpu=False, opt='fusedlamb', opt_eps=1e-08, opt_betas=None, clip_grad=None, momentum=0.9, weight_decay=0.02, sched='cosine', lr=3e-05, lr_noise=None, lr_noise_pct=0.67, lr_noise_std=1.0, warmup_lr=1e-07, min_lr=1e-05, decay_epochs=30, warmup_epochs=5, cooldown_epochs=10, patience_epochs=10, decay_rate=0.1, color_jitter=0.3, aa='rand-m9-mstd0.5-inc1', smoothing=0.1, train_interpolation='bicubic', repeated_aug=True, train_mode=True, ThreeAugment=True, src=True, reprob=0.0, remode='pixel', recount=1, resplit=False, mixup=0, cutmix=1.0, cutmix_minmax=None, mixup_prob=1.0, mixup_switch_prob=0.5, mixup_mode='batch', teacher_model='regnety_160', teacher_path='', distillation_type='none', distillation_alpha=0.5, distillation_tau=1.0, finetune='', attn_only=False, data_path='/data2/datasets/imagenet', data_set='IMNET', inat_category='name', output_dir='outputs/stitch_s_l_v2_lora_r_64_50_ep', device='cpu', seed=0, resume='snnetv2_deit3_s_l.pth', start_epoch=0, eval=False, eval_crop_ratio=1.0, dist_eval=False, num_workers=10, pin_mem=True, world_size=1, dist_url='env://', exp_name='stitch_s_l_v2_lora_r_64_50_ep', config='gradio_demo.json', scoring=False, proxy='synflow', snnet_name='snnet_v2', get_flops=False, flops_sampling_k=None, low_rank=False, lora_r=64, flops_gap=1.0, anchors=['deit_small_patch16_LS', 'deit_large_patch16_LS'], anchor_drop_path=[0.05, 0.4], no_repeated_aug=True, pretrained_deit='../pretrained_weights', distributed=False)
|
2 |
-
2024-01-18 17:23:32,358 - snnet - INFO - Creating model: deit_small_patch16_LS
|
3 |
-
2024-01-18 17:23:32,606 - snnet - INFO - Creating model: deit_large_patch16_LS
|
4 |
-
2024-01-18 17:23:35,576 - snnet - INFO - [0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15, 16, 17, 18, 19, 20, 21, 22, 23, 24, 25, 26, 27, 28, 29, 30, 31, 32, 33, 34, 35, 36, 37, 38, 39, 40, 41, 42, 43, 44, 45, 46, 47, 48, 49, 50, 51, 52, 53, 54, 55, 56, 57, 58, 59, 60, 61, 62, 63, 64, 65, 66, 67, 68, 69, 70, 71, 72, 73, 74, 75, 76, 77, 78, 79, 80, 81, 82, 83, 84, 85, 86, 87, 88, 89, 90, 91, 92, 93, 94, 95, 96, 97, 98, 99, 100, 101, 102, 103, 104, 105, 106, 107, 108, 109, 110, 111, 112, 113, 114, 115, 116, 117, 118, 119, 120, 121, 122, 123, 124, 125, 126, 127, 128, 129, 130, 131, 132, 133, 134]
|
5 |
-
2024-01-18 17:23:36,120 - snnet - INFO - load checkpoint from snnetv2_deit3_s_l.pth
|
|
|
|
|
|
|
|
|
|
|
|