├── .gitignore ├── README.md ├── assets ├── ICCV_Derm1M_poster.png ├── data_pipeline.pdf ├── data_pipeline.png ├── overview.pdf └── overview.png ├── concept_annotation ├── automatic_concept_annotation.py ├── dataset.py ├── infer.py ├── model.py ├── term_lists │ └── ConceptTerms.json └── utils.py ├── linear_probe ├── datasets │ ├── __init__.py │ └── derm_data.py ├── linear_eval.py ├── models │ ├── __init__.py │ ├── builder.py │ ├── modeling_finetune.py │ ├── resnet_custom_dep.py │ ├── test.py │ └── timm_wrapper.py ├── panderm_model │ ├── __init__.py │ ├── downstream │ │ ├── __init__.py │ │ ├── eval_features │ │ │ ├── __init__.py │ │ │ ├── linear_probe.py │ │ │ ├── logistic_regression.py │ │ │ └── metrics.py │ │ ├── extract_features.py │ │ └── utils.py │ └── get_encoder │ │ ├── __init__.py │ │ ├── get_encoder.py │ │ └── models │ │ ├── __init__.py │ │ ├── model_wrappers │ │ ├── __init__.py │ │ └── timm_avgpool.py │ │ └── resnet50_trunc.py ├── sort_script.py └── utils │ ├── __init__.py │ ├── constants.py │ ├── core_utils.py │ ├── eval_utils.py │ ├── file_utils.py │ ├── transform_utils.py │ └── utils.py ├── requirements.txt ├── script ├── concept_annotation_benchmark.sh ├── cross_retrieval.sh ├── linear_prob_benchmark.sh ├── pretrain │ ├── PanDerm-base-w-PubMed-256.sh │ └── ViT-B-16.sh └── zero_shot_benchmark.sh └── src ├── CAE ├── __init__.py ├── clip │ ├── modeling_clip.py │ ├── modeling_clip_helper.py │ ├── modeling_clip_simple_tokenizer.py │ └── modeling_finetune_clip.py ├── dall_e │ ├── __init__.py │ ├── decoder.py │ ├── encoder.py │ └── utils.py ├── downstream_tasks │ ├── detection │ │ ├── README.md │ │ ├── evaluation │ │ │ └── object_detection │ │ │ │ ├── configs │ │ │ │ ├── _base_ │ │ │ │ │ ├── datasets │ │ │ │ │ │ └── coco_instance.py │ │ │ │ │ ├── default_runtime.py │ │ │ │ │ ├── models │ │ │ │ │ │ ├── cascade_mask_rcnn_r50_fpn.py │ │ │ │ │ │ ├── cascade_mask_rcnn_swin_fpn.py │ │ │ │ │ │ ├── cascade_mask_rcnn_vit_fpn.py │ │ │ │ │ │ ├── mask_rcnn_r50_fpn.py │ │ │ │ │ │ └── mask_rcnn_vit_fpn.py │ │ │ │ │ └── schedules │ │ │ │ │ │ └── schedule_1x.py │ │ │ │ └── mask_rcnn │ │ │ │ │ ├── vit_base_giou_4conv1f_coco_maskrcnn_1x_cae_sincos_init0.1_lr00003.py │ │ │ │ │ └── vit_large_giou_4conv1f_coco_maskrcnn_1x_cae_sincos_init0.1_lr00002_lrdr0.85_dp0.2.py │ │ │ │ ├── mmcv_custom │ │ │ │ ├── __init__.py │ │ │ │ ├── checkpoint.py │ │ │ │ ├── layer_decay_optimizer_constructor.py │ │ │ │ ├── prepare_rpe.py │ │ │ │ ├── register_backbone.py │ │ │ │ └── runner │ │ │ │ │ ├── __init__.py │ │ │ │ │ ├── checkpoint.py │ │ │ │ │ └── epoch_based_runner.py │ │ │ │ ├── test.py │ │ │ │ └── train.py │ │ ├── loader.py │ │ ├── models │ │ │ ├── __init__.py │ │ │ ├── head.py │ │ │ ├── swin_transformer.py │ │ │ └── vision_transformer.py │ │ ├── scripts │ │ │ ├── run_eval.sh │ │ │ ├── run_train_maskrcnn_vit_base.sh │ │ │ └── run_train_maskrcnn_vit_large.sh │ │ └── utils.py │ └── semantic_segmentation │ │ ├── README.md │ │ ├── backbone │ │ ├── beit.py │ │ ├── beit_fapn.py │ │ ├── cae.py │ │ ├── fapn.py │ │ └── mae.py │ │ ├── configs_local │ │ ├── _base_ │ │ │ ├── datasets │ │ │ │ ├── ade20k.py │ │ │ │ ├── ade20k_640x640.py │ │ │ │ ├── chase_db1.py │ │ │ │ ├── cityscapes.py │ │ │ │ ├── cityscapes_769x769.py │ │ │ │ ├── coco-stuff10k.py │ │ │ │ ├── drive.py │ │ │ │ ├── hrf.py │ │ │ │ ├── pascal_context.py │ │ │ │ ├── pascal_voc12.py │ │ │ │ ├── pascal_voc12_aug.py │ │ │ │ └── stare.py │ │ │ ├── default_runtime.py │ │ │ ├── models │ │ │ │ ├── ann_r50-d8.py │ │ │ │ ├── apcnet_r50-d8.py │ │ │ │ ├── ccnet_r50-d8.py │ │ │ │ ├── cgnet.py │ │ │ │ ├── danet_r50-d8.py │ │ │ │ ├── deeplabv3_r50-d8.py │ │ │ │ ├── deeplabv3_unet_s5-d16.py │ │ │ │ ├── deeplabv3plus_r50-d8.py │ │ │ │ ├── dmnet_r50-d8.py │ │ │ │ ├── dnl_r50-d8.py │ │ │ │ ├── emanet_r50-d8.py │ │ │ │ ├── encnet_r50-d8.py │ │ │ │ ├── fast_scnn.py │ │ │ │ ├── fcn_hr18.py │ │ │ │ ├── fcn_r50-d8.py │ │ │ │ ├── fcn_unet_s5-d16.py │ │ │ │ ├── fpn_r50.py │ │ │ │ ├── gcnet_r50-d8.py │ │ │ │ ├── lraspp_m-v3-d8.py │ │ │ │ ├── nonlocal_r50-d8.py │ │ │ │ ├── ocrnet_hr18.py │ │ │ │ ├── ocrnet_r50-d8.py │ │ │ │ ├── pointrend_r50.py │ │ │ │ ├── psanet_r50-d8.py │ │ │ │ ├── pspnet_r50-d8.py │ │ │ │ ├── pspnet_unet_s5-d16.py │ │ │ │ ├── upernet_cae.py │ │ │ │ └── upernet_r50.py │ │ │ └── schedules │ │ │ │ ├── schedule_160k.py │ │ │ │ ├── schedule_20k.py │ │ │ │ ├── schedule_320k.py │ │ │ │ ├── schedule_40k.py │ │ │ │ └── schedule_80k.py │ │ ├── beit │ │ │ └── upernet_beit_base_12_512_slide_160k_ade20k_pt_4e-4.py │ │ ├── cae │ │ │ └── upernet │ │ │ │ ├── upernet_cae_base_12_512_slide_160k_ade20k_pt_1e-4.py │ │ │ │ ├── upernet_cae_base_12_512_slide_160k_ade20k_pt_2e-4.py │ │ │ │ ├── upernet_cae_base_12_512_slide_160k_ade20k_pt_3e-4.py │ │ │ │ └── upernet_cae_large_24_512_slide_160k_ade20k_pt_decay095_4e-5_dp015.py │ │ └── mae │ │ │ └── upernet_mae_large_12_512_slide_160k_ade20k_pt_4e-4.py │ │ ├── mmcv_custom │ │ ├── __init__.py │ │ ├── apex_runner │ │ │ ├── __init__.py │ │ │ ├── apex_iter_based_runner.py │ │ │ ├── checkpoint.py │ │ │ └── optimizer.py │ │ ├── checkpoint.py │ │ ├── checkpoint_beit.py │ │ ├── layer_decay_optimizer_constructor.py │ │ ├── resize_transform.py │ │ └── train_api.py │ │ ├── mmseg │ │ ├── __init__.py │ │ ├── apis │ │ │ ├── __init__.py │ │ │ ├── inference.py │ │ │ ├── test.py │ │ │ └── train.py │ │ ├── core │ │ │ ├── __init__.py │ │ │ ├── evaluation │ │ │ │ ├── __init__.py │ │ │ │ ├── class_names.py │ │ │ │ ├── eval_hooks.py │ │ │ │ └── metrics.py │ │ │ ├── seg │ │ │ │ ├── __init__.py │ │ │ │ ├── builder.py │ │ │ │ └── sampler │ │ │ │ │ ├── __init__.py │ │ │ │ │ ├── base_pixel_sampler.py │ │ │ │ │ └── ohem_pixel_sampler.py │ │ │ └── utils │ │ │ │ ├── __init__.py │ │ │ │ └── misc.py │ │ ├── datasets │ │ │ ├── __init__.py │ │ │ ├── ade.py │ │ │ ├── builder.py │ │ │ ├── chase_db1.py │ │ │ ├── cityscapes.py │ │ │ ├── coco_stuff.py │ │ │ ├── custom.py │ │ │ ├── dataset_wrappers.py │ │ │ ├── drive.py │ │ │ ├── hrf.py │ │ │ ├── pascal_context.py │ │ │ ├── pipelines │ │ │ │ ├── __init__.py │ │ │ │ ├── compose.py │ │ │ │ ├── formating.py │ │ │ │ ├── loading.py │ │ │ │ ├── test_time_aug.py │ │ │ │ └── transforms.py │ │ │ ├── stare.py │ │ │ └── voc.py │ │ ├── models │ │ │ ├── __init__.py │ │ │ ├── backbones │ │ │ │ ├── __init__.py │ │ │ │ ├── cgnet.py │ │ │ │ ├── fast_scnn.py │ │ │ │ ├── hrnet.py │ │ │ │ ├── mobilenet_v2.py │ │ │ │ ├── mobilenet_v3.py │ │ │ │ ├── resnest.py │ │ │ │ ├── resnet.py │ │ │ │ ├── resnext.py │ │ │ │ └── unet.py │ │ │ ├── builder.py │ │ │ ├── decode_heads │ │ │ │ ├── __init__.py │ │ │ │ ├── ann_head.py │ │ │ │ ├── apc_head.py │ │ │ │ ├── aspp_head.py │ │ │ │ ├── cascade_decode_head.py │ │ │ │ ├── cc_head.py │ │ │ │ ├── da_head.py │ │ │ │ ├── decode_head.py │ │ │ │ ├── dm_head.py │ │ │ │ ├── dnl_head.py │ │ │ │ ├── ema_head.py │ │ │ │ ├── enc_head.py │ │ │ │ ├── fcn_head.py │ │ │ │ ├── fpn_head.py │ │ │ │ ├── gc_head.py │ │ │ │ ├── lraspp_head.py │ │ │ │ ├── nl_head.py │ │ │ │ ├── ocr_head.py │ │ │ │ ├── point_head.py │ │ │ │ ├── psa_head.py │ │ │ │ ├── psp_head.py │ │ │ │ ├── sep_aspp_head.py │ │ │ │ ├── sep_fcn_head.py │ │ │ │ └── uper_head.py │ │ │ ├── losses │ │ │ │ ├── __init__.py │ │ │ │ ├── accuracy.py │ │ │ │ ├── cross_entropy_loss.py │ │ │ │ ├── lovasz_loss.py │ │ │ │ └── utils.py │ │ │ ├── necks │ │ │ │ ├── __init__.py │ │ │ │ └── fpn.py │ │ │ ├── segmentors │ │ │ │ ├── __init__.py │ │ │ │ ├── base.py │ │ │ │ ├── cascade_encoder_decoder.py │ │ │ │ └── encoder_decoder.py │ │ │ └── utils │ │ │ │ ├── __init__.py │ │ │ │ ├── inverted_residual.py │ │ │ │ ├── make_divisible.py │ │ │ │ ├── res_layer.py │ │ │ │ ├── se_layer.py │ │ │ │ ├── self_attention_block.py │ │ │ │ └── up_conv_block.py │ │ ├── ops │ │ │ ├── __init__.py │ │ │ ├── encoding.py │ │ │ └── wrappers.py │ │ ├── utils │ │ │ ├── __init__.py │ │ │ ├── collect_env.py │ │ │ └── logger.py │ │ └── version.py │ │ └── tools │ │ ├── dist_test.sh │ │ ├── dist_train.sh │ │ ├── test.py │ │ └── train.py ├── furnace │ ├── CAE.png │ ├── dataset_folder.py │ ├── datasets.py │ ├── engine_for_finetuning.py │ ├── engine_for_pretraining.py │ ├── masking_generator.py │ ├── optim_factory.py │ ├── transforms.py │ └── utils.py ├── linear_util │ ├── crop.py │ ├── engine_finetune.py │ ├── lars.py │ ├── lr_sched.py │ ├── misc.py │ └── pos_embed.py ├── models │ ├── __init__.py │ ├── modeling_cae.py │ ├── modeling_cae_helper.py │ ├── modeling_discrete_vae.py │ └── modeling_finetune.py ├── requirements.txt ├── scripts │ ├── cae_base_300e.sh │ ├── cae_base_800e.sh │ ├── cae_base_finetune.sh │ ├── cae_large_1600e.sh │ └── cae_large_finetune.sh └── tools │ ├── run_attentive.py │ ├── run_class_finetuning.py │ ├── run_linear.py │ └── run_pretraining.py ├── main.py ├── open_clip ├── __init__.py ├── big_vision.py ├── bpe_simple_vocab_16e6.txt.gz ├── coca_model.py ├── constants.py ├── convert.py ├── factory.py ├── hf_configs.py ├── hf_model.py ├── loss.py ├── model.py ├── model_configs │ ├── BioClinicalBert-ViT-B-16.json │ ├── EVA01-g-14-plus.json │ ├── EVA01-g-14.json │ ├── EVA02-B-16.json │ ├── EVA02-E-14-plus.json │ ├── EVA02-E-14.json │ ├── EVA02-L-14-336.json │ ├── EVA02-L-14.json │ ├── MobileCLIP-B.json │ ├── MobileCLIP-S1.json │ ├── MobileCLIP-S2.json │ ├── PanDerm-base-w-PubMed-256.json │ ├── RN101-quickgelu.json │ ├── RN101.json │ ├── RN50-quickgelu.json │ ├── RN50.json │ ├── RN50x16-quickgelu.json │ ├── RN50x16.json │ ├── RN50x4-quickgelu.json │ ├── RN50x4.json │ ├── RN50x64-quickgelu.json │ ├── RN50x64.json │ ├── ViT-B-16-SigLIP-256.json │ ├── ViT-B-16-SigLIP-384.json │ ├── ViT-B-16-SigLIP-512.json │ ├── ViT-B-16-SigLIP-i18n-256.json │ ├── ViT-B-16-SigLIP.json │ ├── ViT-B-16-plus-240.json │ ├── ViT-B-16-plus.json │ ├── ViT-B-16-quickgelu.json │ ├── ViT-B-16.json │ ├── ViT-B-32-256.json │ ├── ViT-B-32-plus-256.json │ ├── ViT-B-32-quickgelu.json │ ├── ViT-B-32.json │ ├── ViT-H-14-378-quickgelu.json │ ├── ViT-H-14-378.json │ ├── ViT-H-14-CLIPA-336.json │ ├── ViT-H-14-CLIPA.json │ ├── ViT-H-14-quickgelu.json │ ├── ViT-H-14.json │ ├── ViT-H-16.json │ ├── ViT-L-14-280.json │ ├── ViT-L-14-336-quickgelu.json │ ├── ViT-L-14-336.json │ ├── ViT-L-14-CLIPA-336.json │ ├── ViT-L-14-CLIPA.json │ ├── ViT-L-14-quickgelu.json │ ├── ViT-L-14.json │ ├── ViT-L-16-320.json │ ├── ViT-L-16-SigLIP-256.json │ ├── ViT-L-16-SigLIP-384.json │ ├── ViT-L-16.json │ ├── ViT-M-16-alt.json │ ├── ViT-M-16.json │ ├── ViT-M-32-alt.json │ ├── ViT-M-32.json │ ├── ViT-S-16-alt.json │ ├── ViT-S-16.json │ ├── ViT-S-32-alt.json │ ├── ViT-S-32.json │ ├── ViT-SO400M-14-SigLIP-378.json │ ├── ViT-SO400M-14-SigLIP-384.json │ ├── ViT-SO400M-14-SigLIP.json │ ├── ViT-SO400M-16-SigLIP-i18n-256.json │ ├── ViT-bigG-14-CLIPA-336.json │ ├── ViT-bigG-14-CLIPA.json │ ├── ViT-bigG-14-quickgelu.json │ ├── ViT-bigG-14.json │ ├── ViT-e-14.json │ ├── ViT-g-14.json │ ├── ViTamin-B-LTT.json │ ├── ViTamin-B.json │ ├── ViTamin-L-256.json │ ├── ViTamin-L-336.json │ ├── ViTamin-L.json │ ├── ViTamin-L2-256.json │ ├── ViTamin-L2-336.json │ ├── ViTamin-L2.json │ ├── ViTamin-S-LTT.json │ ├── ViTamin-S.json │ ├── ViTamin-XL-256.json │ ├── ViTamin-XL-336.json │ ├── ViTamin-XL-384.json │ ├── coca_ViT-B-32.json │ ├── coca_ViT-L-14.json │ ├── coca_base.json │ ├── coca_roberta-ViT-B-32.json │ ├── convnext_base.json │ ├── convnext_base_w.json │ ├── convnext_base_w_320.json │ ├── convnext_large.json │ ├── convnext_large_d.json │ ├── convnext_large_d_320.json │ ├── convnext_small.json │ ├── convnext_tiny.json │ ├── convnext_xlarge.json │ ├── convnext_xxlarge.json │ ├── convnext_xxlarge_320.json │ ├── mt5-base-ViT-B-32.json │ ├── mt5-xl-ViT-H-14.json │ ├── nllb-clip-base-siglip.json │ ├── nllb-clip-base.json │ ├── nllb-clip-large-siglip.json │ ├── nllb-clip-large.json │ ├── roberta-ViT-B-32.json │ ├── swin_base_patch4_window7_224.json │ ├── vit_medium_patch16_gap_256.json │ ├── vit_relpos_medium_patch16_cls_224.json │ ├── xlm-roberta-base-ViT-B-32.json │ └── xlm-roberta-large-ViT-H-14.json ├── modified_resnet.py ├── openai.py ├── pos_embed.py ├── pretrained.py ├── push_to_hf_hub.py ├── timm_model.py ├── tokenizer.py ├── transform.py ├── transformer.py ├── utils.py ├── version.py ├── zero_shot_classifier.py └── zero_shot_metadata.py └── open_clip_train ├── __init__.py ├── data.py ├── distributed.py ├── file_utils.py ├── logger.py ├── params.py ├── precision.py ├── profiler.py ├── scheduler.py ├── train.py └── zero_shot.py /.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/.gitignore -------------------------------------------------------------------------------- /README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/README.md -------------------------------------------------------------------------------- /assets/ICCV_Derm1M_poster.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/assets/ICCV_Derm1M_poster.png -------------------------------------------------------------------------------- /assets/data_pipeline.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/assets/data_pipeline.pdf -------------------------------------------------------------------------------- /assets/data_pipeline.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/assets/data_pipeline.png -------------------------------------------------------------------------------- /assets/overview.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/assets/overview.pdf -------------------------------------------------------------------------------- /assets/overview.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/assets/overview.png -------------------------------------------------------------------------------- /concept_annotation/automatic_concept_annotation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/concept_annotation/automatic_concept_annotation.py -------------------------------------------------------------------------------- /concept_annotation/dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/concept_annotation/dataset.py -------------------------------------------------------------------------------- /concept_annotation/infer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/concept_annotation/infer.py -------------------------------------------------------------------------------- /concept_annotation/model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/concept_annotation/model.py -------------------------------------------------------------------------------- /concept_annotation/term_lists/ConceptTerms.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/concept_annotation/term_lists/ConceptTerms.json -------------------------------------------------------------------------------- /concept_annotation/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/concept_annotation/utils.py -------------------------------------------------------------------------------- /linear_probe/datasets/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/linear_probe/datasets/__init__.py -------------------------------------------------------------------------------- /linear_probe/datasets/derm_data.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/linear_probe/datasets/derm_data.py -------------------------------------------------------------------------------- /linear_probe/linear_eval.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/linear_probe/linear_eval.py -------------------------------------------------------------------------------- /linear_probe/models/__init__.py: -------------------------------------------------------------------------------- 1 | from .builder import get_encoder -------------------------------------------------------------------------------- /linear_probe/models/builder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/linear_probe/models/builder.py -------------------------------------------------------------------------------- /linear_probe/models/modeling_finetune.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/linear_probe/models/modeling_finetune.py -------------------------------------------------------------------------------- /linear_probe/models/resnet_custom_dep.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/linear_probe/models/resnet_custom_dep.py -------------------------------------------------------------------------------- /linear_probe/models/test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/linear_probe/models/test.py -------------------------------------------------------------------------------- /linear_probe/models/timm_wrapper.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/linear_probe/models/timm_wrapper.py -------------------------------------------------------------------------------- /linear_probe/panderm_model/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/linear_probe/panderm_model/__init__.py -------------------------------------------------------------------------------- /linear_probe/panderm_model/downstream/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /linear_probe/panderm_model/downstream/eval_features/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/linear_probe/panderm_model/downstream/eval_features/__init__.py -------------------------------------------------------------------------------- /linear_probe/panderm_model/downstream/eval_features/linear_probe.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/linear_probe/panderm_model/downstream/eval_features/linear_probe.py -------------------------------------------------------------------------------- /linear_probe/panderm_model/downstream/eval_features/logistic_regression.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/linear_probe/panderm_model/downstream/eval_features/logistic_regression.py -------------------------------------------------------------------------------- /linear_probe/panderm_model/downstream/eval_features/metrics.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/linear_probe/panderm_model/downstream/eval_features/metrics.py -------------------------------------------------------------------------------- /linear_probe/panderm_model/downstream/extract_features.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/linear_probe/panderm_model/downstream/extract_features.py -------------------------------------------------------------------------------- /linear_probe/panderm_model/downstream/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/linear_probe/panderm_model/downstream/utils.py -------------------------------------------------------------------------------- /linear_probe/panderm_model/get_encoder/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/linear_probe/panderm_model/get_encoder/__init__.py -------------------------------------------------------------------------------- /linear_probe/panderm_model/get_encoder/get_encoder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/linear_probe/panderm_model/get_encoder/get_encoder.py -------------------------------------------------------------------------------- /linear_probe/panderm_model/get_encoder/models/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/linear_probe/panderm_model/get_encoder/models/__init__.py -------------------------------------------------------------------------------- /linear_probe/panderm_model/get_encoder/models/model_wrappers/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /linear_probe/panderm_model/get_encoder/models/model_wrappers/timm_avgpool.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/linear_probe/panderm_model/get_encoder/models/model_wrappers/timm_avgpool.py -------------------------------------------------------------------------------- /linear_probe/panderm_model/get_encoder/models/resnet50_trunc.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/linear_probe/panderm_model/get_encoder/models/resnet50_trunc.py -------------------------------------------------------------------------------- /linear_probe/sort_script.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/linear_probe/sort_script.py -------------------------------------------------------------------------------- /linear_probe/utils/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /linear_probe/utils/constants.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/linear_probe/utils/constants.py -------------------------------------------------------------------------------- /linear_probe/utils/core_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/linear_probe/utils/core_utils.py -------------------------------------------------------------------------------- /linear_probe/utils/eval_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/linear_probe/utils/eval_utils.py -------------------------------------------------------------------------------- /linear_probe/utils/file_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/linear_probe/utils/file_utils.py -------------------------------------------------------------------------------- /linear_probe/utils/transform_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/linear_probe/utils/transform_utils.py -------------------------------------------------------------------------------- /linear_probe/utils/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/linear_probe/utils/utils.py -------------------------------------------------------------------------------- /requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/requirements.txt -------------------------------------------------------------------------------- /script/concept_annotation_benchmark.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/script/concept_annotation_benchmark.sh -------------------------------------------------------------------------------- /script/cross_retrieval.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/script/cross_retrieval.sh -------------------------------------------------------------------------------- /script/linear_prob_benchmark.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/script/linear_prob_benchmark.sh -------------------------------------------------------------------------------- /script/pretrain/PanDerm-base-w-PubMed-256.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/script/pretrain/PanDerm-base-w-PubMed-256.sh -------------------------------------------------------------------------------- /script/pretrain/ViT-B-16.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/script/pretrain/ViT-B-16.sh -------------------------------------------------------------------------------- /script/zero_shot_benchmark.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/script/zero_shot_benchmark.sh -------------------------------------------------------------------------------- /src/CAE/__init__.py: -------------------------------------------------------------------------------- 1 | from CAE.models import * 2 | -------------------------------------------------------------------------------- /src/CAE/clip/modeling_clip.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/clip/modeling_clip.py -------------------------------------------------------------------------------- /src/CAE/clip/modeling_clip_helper.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/clip/modeling_clip_helper.py -------------------------------------------------------------------------------- /src/CAE/clip/modeling_clip_simple_tokenizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/clip/modeling_clip_simple_tokenizer.py -------------------------------------------------------------------------------- /src/CAE/clip/modeling_finetune_clip.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/clip/modeling_finetune_clip.py -------------------------------------------------------------------------------- /src/CAE/dall_e/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/dall_e/__init__.py -------------------------------------------------------------------------------- /src/CAE/dall_e/decoder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/dall_e/decoder.py -------------------------------------------------------------------------------- /src/CAE/dall_e/encoder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/dall_e/encoder.py -------------------------------------------------------------------------------- /src/CAE/dall_e/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/dall_e/utils.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/detection/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/detection/README.md -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/detection/evaluation/object_detection/configs/_base_/datasets/coco_instance.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/detection/evaluation/object_detection/configs/_base_/datasets/coco_instance.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/detection/evaluation/object_detection/configs/_base_/default_runtime.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/detection/evaluation/object_detection/configs/_base_/default_runtime.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/detection/evaluation/object_detection/configs/_base_/models/cascade_mask_rcnn_r50_fpn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/detection/evaluation/object_detection/configs/_base_/models/cascade_mask_rcnn_r50_fpn.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/detection/evaluation/object_detection/configs/_base_/models/cascade_mask_rcnn_swin_fpn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/detection/evaluation/object_detection/configs/_base_/models/cascade_mask_rcnn_swin_fpn.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/detection/evaluation/object_detection/configs/_base_/models/cascade_mask_rcnn_vit_fpn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/detection/evaluation/object_detection/configs/_base_/models/cascade_mask_rcnn_vit_fpn.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/detection/evaluation/object_detection/configs/_base_/models/mask_rcnn_r50_fpn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/detection/evaluation/object_detection/configs/_base_/models/mask_rcnn_r50_fpn.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/detection/evaluation/object_detection/configs/_base_/models/mask_rcnn_vit_fpn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/detection/evaluation/object_detection/configs/_base_/models/mask_rcnn_vit_fpn.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/detection/evaluation/object_detection/configs/_base_/schedules/schedule_1x.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/detection/evaluation/object_detection/configs/_base_/schedules/schedule_1x.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/detection/evaluation/object_detection/configs/mask_rcnn/vit_base_giou_4conv1f_coco_maskrcnn_1x_cae_sincos_init0.1_lr00003.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/detection/evaluation/object_detection/configs/mask_rcnn/vit_base_giou_4conv1f_coco_maskrcnn_1x_cae_sincos_init0.1_lr00003.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/detection/evaluation/object_detection/configs/mask_rcnn/vit_large_giou_4conv1f_coco_maskrcnn_1x_cae_sincos_init0.1_lr00002_lrdr0.85_dp0.2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/detection/evaluation/object_detection/configs/mask_rcnn/vit_large_giou_4conv1f_coco_maskrcnn_1x_cae_sincos_init0.1_lr00002_lrdr0.85_dp0.2.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/detection/evaluation/object_detection/mmcv_custom/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/detection/evaluation/object_detection/mmcv_custom/__init__.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/detection/evaluation/object_detection/mmcv_custom/checkpoint.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/detection/evaluation/object_detection/mmcv_custom/checkpoint.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/detection/evaluation/object_detection/mmcv_custom/layer_decay_optimizer_constructor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/detection/evaluation/object_detection/mmcv_custom/layer_decay_optimizer_constructor.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/detection/evaluation/object_detection/mmcv_custom/prepare_rpe.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/detection/evaluation/object_detection/mmcv_custom/prepare_rpe.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/detection/evaluation/object_detection/mmcv_custom/register_backbone.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/detection/evaluation/object_detection/mmcv_custom/register_backbone.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/detection/evaluation/object_detection/mmcv_custom/runner/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/detection/evaluation/object_detection/mmcv_custom/runner/__init__.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/detection/evaluation/object_detection/mmcv_custom/runner/checkpoint.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/detection/evaluation/object_detection/mmcv_custom/runner/checkpoint.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/detection/evaluation/object_detection/mmcv_custom/runner/epoch_based_runner.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/detection/evaluation/object_detection/mmcv_custom/runner/epoch_based_runner.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/detection/evaluation/object_detection/test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/detection/evaluation/object_detection/test.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/detection/evaluation/object_detection/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/detection/evaluation/object_detection/train.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/detection/loader.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/detection/loader.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/detection/models/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/detection/models/__init__.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/detection/models/head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/detection/models/head.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/detection/models/swin_transformer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/detection/models/swin_transformer.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/detection/models/vision_transformer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/detection/models/vision_transformer.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/detection/scripts/run_eval.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/detection/scripts/run_eval.sh -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/detection/scripts/run_train_maskrcnn_vit_base.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/detection/scripts/run_train_maskrcnn_vit_base.sh -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/detection/scripts/run_train_maskrcnn_vit_large.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/detection/scripts/run_train_maskrcnn_vit_large.sh -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/detection/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/detection/utils.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/semantic_segmentation/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/semantic_segmentation/README.md -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/semantic_segmentation/backbone/beit.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/semantic_segmentation/backbone/beit.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/semantic_segmentation/backbone/beit_fapn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/semantic_segmentation/backbone/beit_fapn.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/semantic_segmentation/backbone/cae.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/semantic_segmentation/backbone/cae.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/semantic_segmentation/backbone/fapn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/semantic_segmentation/backbone/fapn.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/semantic_segmentation/backbone/mae.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/semantic_segmentation/backbone/mae.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/semantic_segmentation/configs_local/_base_/datasets/ade20k.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/semantic_segmentation/configs_local/_base_/datasets/ade20k.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/semantic_segmentation/configs_local/_base_/datasets/ade20k_640x640.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/semantic_segmentation/configs_local/_base_/datasets/ade20k_640x640.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/semantic_segmentation/configs_local/_base_/datasets/chase_db1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/semantic_segmentation/configs_local/_base_/datasets/chase_db1.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/semantic_segmentation/configs_local/_base_/datasets/cityscapes.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/semantic_segmentation/configs_local/_base_/datasets/cityscapes.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/semantic_segmentation/configs_local/_base_/datasets/cityscapes_769x769.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/semantic_segmentation/configs_local/_base_/datasets/cityscapes_769x769.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/semantic_segmentation/configs_local/_base_/datasets/coco-stuff10k.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/semantic_segmentation/configs_local/_base_/datasets/coco-stuff10k.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/semantic_segmentation/configs_local/_base_/datasets/drive.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/semantic_segmentation/configs_local/_base_/datasets/drive.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/semantic_segmentation/configs_local/_base_/datasets/hrf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/semantic_segmentation/configs_local/_base_/datasets/hrf.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/semantic_segmentation/configs_local/_base_/datasets/pascal_context.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/semantic_segmentation/configs_local/_base_/datasets/pascal_context.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/semantic_segmentation/configs_local/_base_/datasets/pascal_voc12.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/semantic_segmentation/configs_local/_base_/datasets/pascal_voc12.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/semantic_segmentation/configs_local/_base_/datasets/pascal_voc12_aug.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/semantic_segmentation/configs_local/_base_/datasets/pascal_voc12_aug.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/semantic_segmentation/configs_local/_base_/datasets/stare.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/semantic_segmentation/configs_local/_base_/datasets/stare.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/semantic_segmentation/configs_local/_base_/default_runtime.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/semantic_segmentation/configs_local/_base_/default_runtime.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/semantic_segmentation/configs_local/_base_/models/ann_r50-d8.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/semantic_segmentation/configs_local/_base_/models/ann_r50-d8.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/semantic_segmentation/configs_local/_base_/models/apcnet_r50-d8.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/semantic_segmentation/configs_local/_base_/models/apcnet_r50-d8.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/semantic_segmentation/configs_local/_base_/models/ccnet_r50-d8.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/semantic_segmentation/configs_local/_base_/models/ccnet_r50-d8.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/semantic_segmentation/configs_local/_base_/models/cgnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/semantic_segmentation/configs_local/_base_/models/cgnet.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/semantic_segmentation/configs_local/_base_/models/danet_r50-d8.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/semantic_segmentation/configs_local/_base_/models/danet_r50-d8.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/semantic_segmentation/configs_local/_base_/models/deeplabv3_r50-d8.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/semantic_segmentation/configs_local/_base_/models/deeplabv3_r50-d8.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/semantic_segmentation/configs_local/_base_/models/deeplabv3_unet_s5-d16.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/semantic_segmentation/configs_local/_base_/models/deeplabv3_unet_s5-d16.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/semantic_segmentation/configs_local/_base_/models/deeplabv3plus_r50-d8.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/semantic_segmentation/configs_local/_base_/models/deeplabv3plus_r50-d8.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/semantic_segmentation/configs_local/_base_/models/dmnet_r50-d8.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/semantic_segmentation/configs_local/_base_/models/dmnet_r50-d8.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/semantic_segmentation/configs_local/_base_/models/dnl_r50-d8.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/semantic_segmentation/configs_local/_base_/models/dnl_r50-d8.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/semantic_segmentation/configs_local/_base_/models/emanet_r50-d8.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/semantic_segmentation/configs_local/_base_/models/emanet_r50-d8.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/semantic_segmentation/configs_local/_base_/models/encnet_r50-d8.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/semantic_segmentation/configs_local/_base_/models/encnet_r50-d8.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/semantic_segmentation/configs_local/_base_/models/fast_scnn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/semantic_segmentation/configs_local/_base_/models/fast_scnn.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/semantic_segmentation/configs_local/_base_/models/fcn_hr18.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/semantic_segmentation/configs_local/_base_/models/fcn_hr18.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/semantic_segmentation/configs_local/_base_/models/fcn_r50-d8.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/semantic_segmentation/configs_local/_base_/models/fcn_r50-d8.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/semantic_segmentation/configs_local/_base_/models/fcn_unet_s5-d16.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/semantic_segmentation/configs_local/_base_/models/fcn_unet_s5-d16.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/semantic_segmentation/configs_local/_base_/models/fpn_r50.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/semantic_segmentation/configs_local/_base_/models/fpn_r50.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/semantic_segmentation/configs_local/_base_/models/gcnet_r50-d8.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/semantic_segmentation/configs_local/_base_/models/gcnet_r50-d8.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/semantic_segmentation/configs_local/_base_/models/lraspp_m-v3-d8.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/semantic_segmentation/configs_local/_base_/models/lraspp_m-v3-d8.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/semantic_segmentation/configs_local/_base_/models/nonlocal_r50-d8.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/semantic_segmentation/configs_local/_base_/models/nonlocal_r50-d8.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/semantic_segmentation/configs_local/_base_/models/ocrnet_hr18.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/semantic_segmentation/configs_local/_base_/models/ocrnet_hr18.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/semantic_segmentation/configs_local/_base_/models/ocrnet_r50-d8.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/semantic_segmentation/configs_local/_base_/models/ocrnet_r50-d8.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/semantic_segmentation/configs_local/_base_/models/pointrend_r50.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/semantic_segmentation/configs_local/_base_/models/pointrend_r50.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/semantic_segmentation/configs_local/_base_/models/psanet_r50-d8.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/semantic_segmentation/configs_local/_base_/models/psanet_r50-d8.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/semantic_segmentation/configs_local/_base_/models/pspnet_r50-d8.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/semantic_segmentation/configs_local/_base_/models/pspnet_r50-d8.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/semantic_segmentation/configs_local/_base_/models/pspnet_unet_s5-d16.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/semantic_segmentation/configs_local/_base_/models/pspnet_unet_s5-d16.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/semantic_segmentation/configs_local/_base_/models/upernet_cae.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/semantic_segmentation/configs_local/_base_/models/upernet_cae.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/semantic_segmentation/configs_local/_base_/models/upernet_r50.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/semantic_segmentation/configs_local/_base_/models/upernet_r50.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/semantic_segmentation/configs_local/_base_/schedules/schedule_160k.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/semantic_segmentation/configs_local/_base_/schedules/schedule_160k.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/semantic_segmentation/configs_local/_base_/schedules/schedule_20k.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/semantic_segmentation/configs_local/_base_/schedules/schedule_20k.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/semantic_segmentation/configs_local/_base_/schedules/schedule_320k.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/semantic_segmentation/configs_local/_base_/schedules/schedule_320k.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/semantic_segmentation/configs_local/_base_/schedules/schedule_40k.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/semantic_segmentation/configs_local/_base_/schedules/schedule_40k.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/semantic_segmentation/configs_local/_base_/schedules/schedule_80k.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/semantic_segmentation/configs_local/_base_/schedules/schedule_80k.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/semantic_segmentation/configs_local/beit/upernet_beit_base_12_512_slide_160k_ade20k_pt_4e-4.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/semantic_segmentation/configs_local/beit/upernet_beit_base_12_512_slide_160k_ade20k_pt_4e-4.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/semantic_segmentation/configs_local/cae/upernet/upernet_cae_base_12_512_slide_160k_ade20k_pt_1e-4.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/semantic_segmentation/configs_local/cae/upernet/upernet_cae_base_12_512_slide_160k_ade20k_pt_1e-4.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/semantic_segmentation/configs_local/cae/upernet/upernet_cae_base_12_512_slide_160k_ade20k_pt_2e-4.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/semantic_segmentation/configs_local/cae/upernet/upernet_cae_base_12_512_slide_160k_ade20k_pt_2e-4.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/semantic_segmentation/configs_local/cae/upernet/upernet_cae_base_12_512_slide_160k_ade20k_pt_3e-4.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/semantic_segmentation/configs_local/cae/upernet/upernet_cae_base_12_512_slide_160k_ade20k_pt_3e-4.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/semantic_segmentation/configs_local/cae/upernet/upernet_cae_large_24_512_slide_160k_ade20k_pt_decay095_4e-5_dp015.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/semantic_segmentation/configs_local/cae/upernet/upernet_cae_large_24_512_slide_160k_ade20k_pt_decay095_4e-5_dp015.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/semantic_segmentation/configs_local/mae/upernet_mae_large_12_512_slide_160k_ade20k_pt_4e-4.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/semantic_segmentation/configs_local/mae/upernet_mae_large_12_512_slide_160k_ade20k_pt_4e-4.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/semantic_segmentation/mmcv_custom/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/semantic_segmentation/mmcv_custom/__init__.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/semantic_segmentation/mmcv_custom/apex_runner/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/semantic_segmentation/mmcv_custom/apex_runner/__init__.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/semantic_segmentation/mmcv_custom/apex_runner/apex_iter_based_runner.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/semantic_segmentation/mmcv_custom/apex_runner/apex_iter_based_runner.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/semantic_segmentation/mmcv_custom/apex_runner/checkpoint.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/semantic_segmentation/mmcv_custom/apex_runner/checkpoint.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/semantic_segmentation/mmcv_custom/apex_runner/optimizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/semantic_segmentation/mmcv_custom/apex_runner/optimizer.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/semantic_segmentation/mmcv_custom/checkpoint.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/semantic_segmentation/mmcv_custom/checkpoint.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/semantic_segmentation/mmcv_custom/checkpoint_beit.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/semantic_segmentation/mmcv_custom/checkpoint_beit.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/semantic_segmentation/mmcv_custom/layer_decay_optimizer_constructor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/semantic_segmentation/mmcv_custom/layer_decay_optimizer_constructor.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/semantic_segmentation/mmcv_custom/resize_transform.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/semantic_segmentation/mmcv_custom/resize_transform.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/semantic_segmentation/mmcv_custom/train_api.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/semantic_segmentation/mmcv_custom/train_api.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/semantic_segmentation/mmseg/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/semantic_segmentation/mmseg/__init__.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/semantic_segmentation/mmseg/apis/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/semantic_segmentation/mmseg/apis/__init__.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/semantic_segmentation/mmseg/apis/inference.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/semantic_segmentation/mmseg/apis/inference.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/semantic_segmentation/mmseg/apis/test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/semantic_segmentation/mmseg/apis/test.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/semantic_segmentation/mmseg/apis/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/semantic_segmentation/mmseg/apis/train.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/semantic_segmentation/mmseg/core/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/semantic_segmentation/mmseg/core/__init__.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/semantic_segmentation/mmseg/core/evaluation/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/semantic_segmentation/mmseg/core/evaluation/__init__.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/semantic_segmentation/mmseg/core/evaluation/class_names.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/semantic_segmentation/mmseg/core/evaluation/class_names.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/semantic_segmentation/mmseg/core/evaluation/eval_hooks.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/semantic_segmentation/mmseg/core/evaluation/eval_hooks.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/semantic_segmentation/mmseg/core/evaluation/metrics.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/semantic_segmentation/mmseg/core/evaluation/metrics.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/semantic_segmentation/mmseg/core/seg/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/semantic_segmentation/mmseg/core/seg/__init__.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/semantic_segmentation/mmseg/core/seg/builder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/semantic_segmentation/mmseg/core/seg/builder.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/semantic_segmentation/mmseg/core/seg/sampler/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/semantic_segmentation/mmseg/core/seg/sampler/__init__.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/semantic_segmentation/mmseg/core/seg/sampler/base_pixel_sampler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/semantic_segmentation/mmseg/core/seg/sampler/base_pixel_sampler.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/semantic_segmentation/mmseg/core/seg/sampler/ohem_pixel_sampler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/semantic_segmentation/mmseg/core/seg/sampler/ohem_pixel_sampler.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/semantic_segmentation/mmseg/core/utils/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/semantic_segmentation/mmseg/core/utils/__init__.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/semantic_segmentation/mmseg/core/utils/misc.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/semantic_segmentation/mmseg/core/utils/misc.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/semantic_segmentation/mmseg/datasets/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/semantic_segmentation/mmseg/datasets/__init__.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/semantic_segmentation/mmseg/datasets/ade.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/semantic_segmentation/mmseg/datasets/ade.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/semantic_segmentation/mmseg/datasets/builder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/semantic_segmentation/mmseg/datasets/builder.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/semantic_segmentation/mmseg/datasets/chase_db1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/semantic_segmentation/mmseg/datasets/chase_db1.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/semantic_segmentation/mmseg/datasets/cityscapes.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/semantic_segmentation/mmseg/datasets/cityscapes.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/semantic_segmentation/mmseg/datasets/coco_stuff.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/semantic_segmentation/mmseg/datasets/coco_stuff.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/semantic_segmentation/mmseg/datasets/custom.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/semantic_segmentation/mmseg/datasets/custom.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/semantic_segmentation/mmseg/datasets/dataset_wrappers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/semantic_segmentation/mmseg/datasets/dataset_wrappers.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/semantic_segmentation/mmseg/datasets/drive.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/semantic_segmentation/mmseg/datasets/drive.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/semantic_segmentation/mmseg/datasets/hrf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/semantic_segmentation/mmseg/datasets/hrf.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/semantic_segmentation/mmseg/datasets/pascal_context.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/semantic_segmentation/mmseg/datasets/pascal_context.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/semantic_segmentation/mmseg/datasets/pipelines/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/semantic_segmentation/mmseg/datasets/pipelines/__init__.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/semantic_segmentation/mmseg/datasets/pipelines/compose.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/semantic_segmentation/mmseg/datasets/pipelines/compose.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/semantic_segmentation/mmseg/datasets/pipelines/formating.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/semantic_segmentation/mmseg/datasets/pipelines/formating.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/semantic_segmentation/mmseg/datasets/pipelines/loading.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/semantic_segmentation/mmseg/datasets/pipelines/loading.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/semantic_segmentation/mmseg/datasets/pipelines/test_time_aug.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/semantic_segmentation/mmseg/datasets/pipelines/test_time_aug.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/semantic_segmentation/mmseg/datasets/pipelines/transforms.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/semantic_segmentation/mmseg/datasets/pipelines/transforms.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/semantic_segmentation/mmseg/datasets/stare.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/semantic_segmentation/mmseg/datasets/stare.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/semantic_segmentation/mmseg/datasets/voc.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/semantic_segmentation/mmseg/datasets/voc.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/semantic_segmentation/mmseg/models/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/semantic_segmentation/mmseg/models/__init__.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/semantic_segmentation/mmseg/models/backbones/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/semantic_segmentation/mmseg/models/backbones/__init__.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/semantic_segmentation/mmseg/models/backbones/cgnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/semantic_segmentation/mmseg/models/backbones/cgnet.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/semantic_segmentation/mmseg/models/backbones/fast_scnn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/semantic_segmentation/mmseg/models/backbones/fast_scnn.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/semantic_segmentation/mmseg/models/backbones/hrnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/semantic_segmentation/mmseg/models/backbones/hrnet.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/semantic_segmentation/mmseg/models/backbones/mobilenet_v2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/semantic_segmentation/mmseg/models/backbones/mobilenet_v2.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/semantic_segmentation/mmseg/models/backbones/mobilenet_v3.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/semantic_segmentation/mmseg/models/backbones/mobilenet_v3.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/semantic_segmentation/mmseg/models/backbones/resnest.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/semantic_segmentation/mmseg/models/backbones/resnest.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/semantic_segmentation/mmseg/models/backbones/resnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/semantic_segmentation/mmseg/models/backbones/resnet.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/semantic_segmentation/mmseg/models/backbones/resnext.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/semantic_segmentation/mmseg/models/backbones/resnext.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/semantic_segmentation/mmseg/models/backbones/unet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/semantic_segmentation/mmseg/models/backbones/unet.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/semantic_segmentation/mmseg/models/builder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/semantic_segmentation/mmseg/models/builder.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/semantic_segmentation/mmseg/models/decode_heads/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/semantic_segmentation/mmseg/models/decode_heads/__init__.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/semantic_segmentation/mmseg/models/decode_heads/ann_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/semantic_segmentation/mmseg/models/decode_heads/ann_head.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/semantic_segmentation/mmseg/models/decode_heads/apc_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/semantic_segmentation/mmseg/models/decode_heads/apc_head.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/semantic_segmentation/mmseg/models/decode_heads/aspp_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/semantic_segmentation/mmseg/models/decode_heads/aspp_head.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/semantic_segmentation/mmseg/models/decode_heads/cascade_decode_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/semantic_segmentation/mmseg/models/decode_heads/cascade_decode_head.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/semantic_segmentation/mmseg/models/decode_heads/cc_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/semantic_segmentation/mmseg/models/decode_heads/cc_head.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/semantic_segmentation/mmseg/models/decode_heads/da_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/semantic_segmentation/mmseg/models/decode_heads/da_head.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/semantic_segmentation/mmseg/models/decode_heads/decode_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/semantic_segmentation/mmseg/models/decode_heads/decode_head.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/semantic_segmentation/mmseg/models/decode_heads/dm_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/semantic_segmentation/mmseg/models/decode_heads/dm_head.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/semantic_segmentation/mmseg/models/decode_heads/dnl_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/semantic_segmentation/mmseg/models/decode_heads/dnl_head.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/semantic_segmentation/mmseg/models/decode_heads/ema_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/semantic_segmentation/mmseg/models/decode_heads/ema_head.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/semantic_segmentation/mmseg/models/decode_heads/enc_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/semantic_segmentation/mmseg/models/decode_heads/enc_head.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/semantic_segmentation/mmseg/models/decode_heads/fcn_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/semantic_segmentation/mmseg/models/decode_heads/fcn_head.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/semantic_segmentation/mmseg/models/decode_heads/fpn_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/semantic_segmentation/mmseg/models/decode_heads/fpn_head.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/semantic_segmentation/mmseg/models/decode_heads/gc_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/semantic_segmentation/mmseg/models/decode_heads/gc_head.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/semantic_segmentation/mmseg/models/decode_heads/lraspp_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/semantic_segmentation/mmseg/models/decode_heads/lraspp_head.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/semantic_segmentation/mmseg/models/decode_heads/nl_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/semantic_segmentation/mmseg/models/decode_heads/nl_head.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/semantic_segmentation/mmseg/models/decode_heads/ocr_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/semantic_segmentation/mmseg/models/decode_heads/ocr_head.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/semantic_segmentation/mmseg/models/decode_heads/point_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/semantic_segmentation/mmseg/models/decode_heads/point_head.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/semantic_segmentation/mmseg/models/decode_heads/psa_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/semantic_segmentation/mmseg/models/decode_heads/psa_head.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/semantic_segmentation/mmseg/models/decode_heads/psp_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/semantic_segmentation/mmseg/models/decode_heads/psp_head.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/semantic_segmentation/mmseg/models/decode_heads/sep_aspp_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/semantic_segmentation/mmseg/models/decode_heads/sep_aspp_head.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/semantic_segmentation/mmseg/models/decode_heads/sep_fcn_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/semantic_segmentation/mmseg/models/decode_heads/sep_fcn_head.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/semantic_segmentation/mmseg/models/decode_heads/uper_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/semantic_segmentation/mmseg/models/decode_heads/uper_head.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/semantic_segmentation/mmseg/models/losses/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/semantic_segmentation/mmseg/models/losses/__init__.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/semantic_segmentation/mmseg/models/losses/accuracy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/semantic_segmentation/mmseg/models/losses/accuracy.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/semantic_segmentation/mmseg/models/losses/cross_entropy_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/semantic_segmentation/mmseg/models/losses/cross_entropy_loss.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/semantic_segmentation/mmseg/models/losses/lovasz_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/semantic_segmentation/mmseg/models/losses/lovasz_loss.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/semantic_segmentation/mmseg/models/losses/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/semantic_segmentation/mmseg/models/losses/utils.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/semantic_segmentation/mmseg/models/necks/__init__.py: -------------------------------------------------------------------------------- 1 | from .fpn import FPN 2 | 3 | __all__ = ['FPN'] 4 | -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/semantic_segmentation/mmseg/models/necks/fpn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/semantic_segmentation/mmseg/models/necks/fpn.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/semantic_segmentation/mmseg/models/segmentors/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/semantic_segmentation/mmseg/models/segmentors/__init__.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/semantic_segmentation/mmseg/models/segmentors/base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/semantic_segmentation/mmseg/models/segmentors/base.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/semantic_segmentation/mmseg/models/segmentors/cascade_encoder_decoder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/semantic_segmentation/mmseg/models/segmentors/cascade_encoder_decoder.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/semantic_segmentation/mmseg/models/segmentors/encoder_decoder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/semantic_segmentation/mmseg/models/segmentors/encoder_decoder.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/semantic_segmentation/mmseg/models/utils/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/semantic_segmentation/mmseg/models/utils/__init__.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/semantic_segmentation/mmseg/models/utils/inverted_residual.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/semantic_segmentation/mmseg/models/utils/inverted_residual.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/semantic_segmentation/mmseg/models/utils/make_divisible.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/semantic_segmentation/mmseg/models/utils/make_divisible.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/semantic_segmentation/mmseg/models/utils/res_layer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/semantic_segmentation/mmseg/models/utils/res_layer.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/semantic_segmentation/mmseg/models/utils/se_layer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/semantic_segmentation/mmseg/models/utils/se_layer.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/semantic_segmentation/mmseg/models/utils/self_attention_block.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/semantic_segmentation/mmseg/models/utils/self_attention_block.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/semantic_segmentation/mmseg/models/utils/up_conv_block.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/semantic_segmentation/mmseg/models/utils/up_conv_block.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/semantic_segmentation/mmseg/ops/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/semantic_segmentation/mmseg/ops/__init__.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/semantic_segmentation/mmseg/ops/encoding.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/semantic_segmentation/mmseg/ops/encoding.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/semantic_segmentation/mmseg/ops/wrappers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/semantic_segmentation/mmseg/ops/wrappers.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/semantic_segmentation/mmseg/utils/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/semantic_segmentation/mmseg/utils/__init__.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/semantic_segmentation/mmseg/utils/collect_env.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/semantic_segmentation/mmseg/utils/collect_env.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/semantic_segmentation/mmseg/utils/logger.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/semantic_segmentation/mmseg/utils/logger.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/semantic_segmentation/mmseg/version.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/semantic_segmentation/mmseg/version.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/semantic_segmentation/tools/dist_test.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/semantic_segmentation/tools/dist_test.sh -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/semantic_segmentation/tools/dist_train.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/semantic_segmentation/tools/dist_train.sh -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/semantic_segmentation/tools/test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/semantic_segmentation/tools/test.py -------------------------------------------------------------------------------- /src/CAE/downstream_tasks/semantic_segmentation/tools/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/downstream_tasks/semantic_segmentation/tools/train.py -------------------------------------------------------------------------------- /src/CAE/furnace/CAE.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/furnace/CAE.png -------------------------------------------------------------------------------- /src/CAE/furnace/dataset_folder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/furnace/dataset_folder.py -------------------------------------------------------------------------------- /src/CAE/furnace/datasets.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/furnace/datasets.py -------------------------------------------------------------------------------- /src/CAE/furnace/engine_for_finetuning.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/furnace/engine_for_finetuning.py -------------------------------------------------------------------------------- /src/CAE/furnace/engine_for_pretraining.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/furnace/engine_for_pretraining.py -------------------------------------------------------------------------------- /src/CAE/furnace/masking_generator.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/furnace/masking_generator.py -------------------------------------------------------------------------------- /src/CAE/furnace/optim_factory.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/furnace/optim_factory.py -------------------------------------------------------------------------------- /src/CAE/furnace/transforms.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/furnace/transforms.py -------------------------------------------------------------------------------- /src/CAE/furnace/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/furnace/utils.py -------------------------------------------------------------------------------- /src/CAE/linear_util/crop.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/linear_util/crop.py -------------------------------------------------------------------------------- /src/CAE/linear_util/engine_finetune.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/linear_util/engine_finetune.py -------------------------------------------------------------------------------- /src/CAE/linear_util/lars.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/linear_util/lars.py -------------------------------------------------------------------------------- /src/CAE/linear_util/lr_sched.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/linear_util/lr_sched.py -------------------------------------------------------------------------------- /src/CAE/linear_util/misc.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/linear_util/misc.py -------------------------------------------------------------------------------- /src/CAE/linear_util/pos_embed.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/linear_util/pos_embed.py -------------------------------------------------------------------------------- /src/CAE/models/__init__.py: -------------------------------------------------------------------------------- 1 | from . import modeling_cae -------------------------------------------------------------------------------- /src/CAE/models/modeling_cae.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/models/modeling_cae.py -------------------------------------------------------------------------------- /src/CAE/models/modeling_cae_helper.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/models/modeling_cae_helper.py -------------------------------------------------------------------------------- /src/CAE/models/modeling_discrete_vae.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/models/modeling_discrete_vae.py -------------------------------------------------------------------------------- /src/CAE/models/modeling_finetune.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/models/modeling_finetune.py -------------------------------------------------------------------------------- /src/CAE/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/requirements.txt -------------------------------------------------------------------------------- /src/CAE/scripts/cae_base_300e.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/scripts/cae_base_300e.sh -------------------------------------------------------------------------------- /src/CAE/scripts/cae_base_800e.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/scripts/cae_base_800e.sh -------------------------------------------------------------------------------- /src/CAE/scripts/cae_base_finetune.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/scripts/cae_base_finetune.sh -------------------------------------------------------------------------------- /src/CAE/scripts/cae_large_1600e.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/scripts/cae_large_1600e.sh -------------------------------------------------------------------------------- /src/CAE/scripts/cae_large_finetune.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/scripts/cae_large_finetune.sh -------------------------------------------------------------------------------- /src/CAE/tools/run_attentive.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/tools/run_attentive.py -------------------------------------------------------------------------------- /src/CAE/tools/run_class_finetuning.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/tools/run_class_finetuning.py -------------------------------------------------------------------------------- /src/CAE/tools/run_linear.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/tools/run_linear.py -------------------------------------------------------------------------------- /src/CAE/tools/run_pretraining.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/CAE/tools/run_pretraining.py -------------------------------------------------------------------------------- /src/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/main.py -------------------------------------------------------------------------------- /src/open_clip/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/open_clip/__init__.py -------------------------------------------------------------------------------- /src/open_clip/big_vision.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/open_clip/big_vision.py -------------------------------------------------------------------------------- /src/open_clip/bpe_simple_vocab_16e6.txt.gz: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/open_clip/bpe_simple_vocab_16e6.txt.gz -------------------------------------------------------------------------------- /src/open_clip/coca_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/open_clip/coca_model.py -------------------------------------------------------------------------------- /src/open_clip/constants.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/open_clip/constants.py -------------------------------------------------------------------------------- /src/open_clip/convert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/open_clip/convert.py -------------------------------------------------------------------------------- /src/open_clip/factory.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/open_clip/factory.py -------------------------------------------------------------------------------- /src/open_clip/hf_configs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/open_clip/hf_configs.py -------------------------------------------------------------------------------- /src/open_clip/hf_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/open_clip/hf_model.py -------------------------------------------------------------------------------- /src/open_clip/loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/open_clip/loss.py -------------------------------------------------------------------------------- /src/open_clip/model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/open_clip/model.py -------------------------------------------------------------------------------- /src/open_clip/model_configs/BioClinicalBert-ViT-B-16.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/open_clip/model_configs/BioClinicalBert-ViT-B-16.json -------------------------------------------------------------------------------- /src/open_clip/model_configs/EVA01-g-14-plus.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/open_clip/model_configs/EVA01-g-14-plus.json -------------------------------------------------------------------------------- /src/open_clip/model_configs/EVA01-g-14.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/open_clip/model_configs/EVA01-g-14.json -------------------------------------------------------------------------------- /src/open_clip/model_configs/EVA02-B-16.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/open_clip/model_configs/EVA02-B-16.json -------------------------------------------------------------------------------- /src/open_clip/model_configs/EVA02-E-14-plus.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/open_clip/model_configs/EVA02-E-14-plus.json -------------------------------------------------------------------------------- /src/open_clip/model_configs/EVA02-E-14.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/open_clip/model_configs/EVA02-E-14.json -------------------------------------------------------------------------------- /src/open_clip/model_configs/EVA02-L-14-336.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/open_clip/model_configs/EVA02-L-14-336.json -------------------------------------------------------------------------------- /src/open_clip/model_configs/EVA02-L-14.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/open_clip/model_configs/EVA02-L-14.json -------------------------------------------------------------------------------- /src/open_clip/model_configs/MobileCLIP-B.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/open_clip/model_configs/MobileCLIP-B.json -------------------------------------------------------------------------------- /src/open_clip/model_configs/MobileCLIP-S1.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/open_clip/model_configs/MobileCLIP-S1.json -------------------------------------------------------------------------------- /src/open_clip/model_configs/MobileCLIP-S2.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/open_clip/model_configs/MobileCLIP-S2.json -------------------------------------------------------------------------------- /src/open_clip/model_configs/PanDerm-base-w-PubMed-256.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/open_clip/model_configs/PanDerm-base-w-PubMed-256.json -------------------------------------------------------------------------------- /src/open_clip/model_configs/RN101-quickgelu.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/open_clip/model_configs/RN101-quickgelu.json -------------------------------------------------------------------------------- /src/open_clip/model_configs/RN101.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/open_clip/model_configs/RN101.json -------------------------------------------------------------------------------- /src/open_clip/model_configs/RN50-quickgelu.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/open_clip/model_configs/RN50-quickgelu.json -------------------------------------------------------------------------------- /src/open_clip/model_configs/RN50.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/open_clip/model_configs/RN50.json -------------------------------------------------------------------------------- /src/open_clip/model_configs/RN50x16-quickgelu.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/open_clip/model_configs/RN50x16-quickgelu.json -------------------------------------------------------------------------------- /src/open_clip/model_configs/RN50x16.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/open_clip/model_configs/RN50x16.json -------------------------------------------------------------------------------- /src/open_clip/model_configs/RN50x4-quickgelu.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/open_clip/model_configs/RN50x4-quickgelu.json -------------------------------------------------------------------------------- /src/open_clip/model_configs/RN50x4.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/open_clip/model_configs/RN50x4.json -------------------------------------------------------------------------------- /src/open_clip/model_configs/RN50x64-quickgelu.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/open_clip/model_configs/RN50x64-quickgelu.json -------------------------------------------------------------------------------- /src/open_clip/model_configs/RN50x64.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/open_clip/model_configs/RN50x64.json -------------------------------------------------------------------------------- /src/open_clip/model_configs/ViT-B-16-SigLIP-256.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/open_clip/model_configs/ViT-B-16-SigLIP-256.json -------------------------------------------------------------------------------- /src/open_clip/model_configs/ViT-B-16-SigLIP-384.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/open_clip/model_configs/ViT-B-16-SigLIP-384.json -------------------------------------------------------------------------------- /src/open_clip/model_configs/ViT-B-16-SigLIP-512.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/open_clip/model_configs/ViT-B-16-SigLIP-512.json -------------------------------------------------------------------------------- /src/open_clip/model_configs/ViT-B-16-SigLIP-i18n-256.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/open_clip/model_configs/ViT-B-16-SigLIP-i18n-256.json -------------------------------------------------------------------------------- /src/open_clip/model_configs/ViT-B-16-SigLIP.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/open_clip/model_configs/ViT-B-16-SigLIP.json -------------------------------------------------------------------------------- /src/open_clip/model_configs/ViT-B-16-plus-240.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/open_clip/model_configs/ViT-B-16-plus-240.json -------------------------------------------------------------------------------- /src/open_clip/model_configs/ViT-B-16-plus.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/open_clip/model_configs/ViT-B-16-plus.json -------------------------------------------------------------------------------- /src/open_clip/model_configs/ViT-B-16-quickgelu.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/open_clip/model_configs/ViT-B-16-quickgelu.json -------------------------------------------------------------------------------- /src/open_clip/model_configs/ViT-B-16.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/open_clip/model_configs/ViT-B-16.json -------------------------------------------------------------------------------- /src/open_clip/model_configs/ViT-B-32-256.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/open_clip/model_configs/ViT-B-32-256.json -------------------------------------------------------------------------------- /src/open_clip/model_configs/ViT-B-32-plus-256.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/open_clip/model_configs/ViT-B-32-plus-256.json -------------------------------------------------------------------------------- /src/open_clip/model_configs/ViT-B-32-quickgelu.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/open_clip/model_configs/ViT-B-32-quickgelu.json -------------------------------------------------------------------------------- /src/open_clip/model_configs/ViT-B-32.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/open_clip/model_configs/ViT-B-32.json -------------------------------------------------------------------------------- /src/open_clip/model_configs/ViT-H-14-378-quickgelu.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/open_clip/model_configs/ViT-H-14-378-quickgelu.json -------------------------------------------------------------------------------- /src/open_clip/model_configs/ViT-H-14-378.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/open_clip/model_configs/ViT-H-14-378.json -------------------------------------------------------------------------------- /src/open_clip/model_configs/ViT-H-14-CLIPA-336.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/open_clip/model_configs/ViT-H-14-CLIPA-336.json -------------------------------------------------------------------------------- /src/open_clip/model_configs/ViT-H-14-CLIPA.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/open_clip/model_configs/ViT-H-14-CLIPA.json -------------------------------------------------------------------------------- /src/open_clip/model_configs/ViT-H-14-quickgelu.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/open_clip/model_configs/ViT-H-14-quickgelu.json -------------------------------------------------------------------------------- /src/open_clip/model_configs/ViT-H-14.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/open_clip/model_configs/ViT-H-14.json -------------------------------------------------------------------------------- /src/open_clip/model_configs/ViT-H-16.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/open_clip/model_configs/ViT-H-16.json -------------------------------------------------------------------------------- /src/open_clip/model_configs/ViT-L-14-280.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/open_clip/model_configs/ViT-L-14-280.json -------------------------------------------------------------------------------- /src/open_clip/model_configs/ViT-L-14-336-quickgelu.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/open_clip/model_configs/ViT-L-14-336-quickgelu.json -------------------------------------------------------------------------------- /src/open_clip/model_configs/ViT-L-14-336.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/open_clip/model_configs/ViT-L-14-336.json -------------------------------------------------------------------------------- /src/open_clip/model_configs/ViT-L-14-CLIPA-336.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/open_clip/model_configs/ViT-L-14-CLIPA-336.json -------------------------------------------------------------------------------- /src/open_clip/model_configs/ViT-L-14-CLIPA.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/open_clip/model_configs/ViT-L-14-CLIPA.json -------------------------------------------------------------------------------- /src/open_clip/model_configs/ViT-L-14-quickgelu.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/open_clip/model_configs/ViT-L-14-quickgelu.json -------------------------------------------------------------------------------- /src/open_clip/model_configs/ViT-L-14.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/open_clip/model_configs/ViT-L-14.json -------------------------------------------------------------------------------- /src/open_clip/model_configs/ViT-L-16-320.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/open_clip/model_configs/ViT-L-16-320.json -------------------------------------------------------------------------------- /src/open_clip/model_configs/ViT-L-16-SigLIP-256.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/open_clip/model_configs/ViT-L-16-SigLIP-256.json -------------------------------------------------------------------------------- /src/open_clip/model_configs/ViT-L-16-SigLIP-384.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/open_clip/model_configs/ViT-L-16-SigLIP-384.json -------------------------------------------------------------------------------- /src/open_clip/model_configs/ViT-L-16.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/open_clip/model_configs/ViT-L-16.json -------------------------------------------------------------------------------- /src/open_clip/model_configs/ViT-M-16-alt.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/open_clip/model_configs/ViT-M-16-alt.json -------------------------------------------------------------------------------- /src/open_clip/model_configs/ViT-M-16.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/open_clip/model_configs/ViT-M-16.json -------------------------------------------------------------------------------- /src/open_clip/model_configs/ViT-M-32-alt.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/open_clip/model_configs/ViT-M-32-alt.json -------------------------------------------------------------------------------- /src/open_clip/model_configs/ViT-M-32.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/open_clip/model_configs/ViT-M-32.json -------------------------------------------------------------------------------- /src/open_clip/model_configs/ViT-S-16-alt.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/open_clip/model_configs/ViT-S-16-alt.json -------------------------------------------------------------------------------- /src/open_clip/model_configs/ViT-S-16.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/open_clip/model_configs/ViT-S-16.json -------------------------------------------------------------------------------- /src/open_clip/model_configs/ViT-S-32-alt.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/open_clip/model_configs/ViT-S-32-alt.json -------------------------------------------------------------------------------- /src/open_clip/model_configs/ViT-S-32.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/open_clip/model_configs/ViT-S-32.json -------------------------------------------------------------------------------- /src/open_clip/model_configs/ViT-SO400M-14-SigLIP-378.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/open_clip/model_configs/ViT-SO400M-14-SigLIP-378.json -------------------------------------------------------------------------------- /src/open_clip/model_configs/ViT-SO400M-14-SigLIP-384.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/open_clip/model_configs/ViT-SO400M-14-SigLIP-384.json -------------------------------------------------------------------------------- /src/open_clip/model_configs/ViT-SO400M-14-SigLIP.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/open_clip/model_configs/ViT-SO400M-14-SigLIP.json -------------------------------------------------------------------------------- /src/open_clip/model_configs/ViT-SO400M-16-SigLIP-i18n-256.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/open_clip/model_configs/ViT-SO400M-16-SigLIP-i18n-256.json -------------------------------------------------------------------------------- /src/open_clip/model_configs/ViT-bigG-14-CLIPA-336.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/open_clip/model_configs/ViT-bigG-14-CLIPA-336.json -------------------------------------------------------------------------------- /src/open_clip/model_configs/ViT-bigG-14-CLIPA.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/open_clip/model_configs/ViT-bigG-14-CLIPA.json -------------------------------------------------------------------------------- /src/open_clip/model_configs/ViT-bigG-14-quickgelu.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/open_clip/model_configs/ViT-bigG-14-quickgelu.json -------------------------------------------------------------------------------- /src/open_clip/model_configs/ViT-bigG-14.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/open_clip/model_configs/ViT-bigG-14.json -------------------------------------------------------------------------------- /src/open_clip/model_configs/ViT-e-14.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/open_clip/model_configs/ViT-e-14.json -------------------------------------------------------------------------------- /src/open_clip/model_configs/ViT-g-14.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/open_clip/model_configs/ViT-g-14.json -------------------------------------------------------------------------------- /src/open_clip/model_configs/ViTamin-B-LTT.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/open_clip/model_configs/ViTamin-B-LTT.json -------------------------------------------------------------------------------- /src/open_clip/model_configs/ViTamin-B.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/open_clip/model_configs/ViTamin-B.json -------------------------------------------------------------------------------- /src/open_clip/model_configs/ViTamin-L-256.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/open_clip/model_configs/ViTamin-L-256.json -------------------------------------------------------------------------------- /src/open_clip/model_configs/ViTamin-L-336.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/open_clip/model_configs/ViTamin-L-336.json -------------------------------------------------------------------------------- /src/open_clip/model_configs/ViTamin-L.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/open_clip/model_configs/ViTamin-L.json -------------------------------------------------------------------------------- /src/open_clip/model_configs/ViTamin-L2-256.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/open_clip/model_configs/ViTamin-L2-256.json -------------------------------------------------------------------------------- /src/open_clip/model_configs/ViTamin-L2-336.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/open_clip/model_configs/ViTamin-L2-336.json -------------------------------------------------------------------------------- /src/open_clip/model_configs/ViTamin-L2.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/open_clip/model_configs/ViTamin-L2.json -------------------------------------------------------------------------------- /src/open_clip/model_configs/ViTamin-S-LTT.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/open_clip/model_configs/ViTamin-S-LTT.json -------------------------------------------------------------------------------- /src/open_clip/model_configs/ViTamin-S.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/open_clip/model_configs/ViTamin-S.json -------------------------------------------------------------------------------- /src/open_clip/model_configs/ViTamin-XL-256.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/open_clip/model_configs/ViTamin-XL-256.json -------------------------------------------------------------------------------- /src/open_clip/model_configs/ViTamin-XL-336.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/open_clip/model_configs/ViTamin-XL-336.json -------------------------------------------------------------------------------- /src/open_clip/model_configs/ViTamin-XL-384.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/open_clip/model_configs/ViTamin-XL-384.json -------------------------------------------------------------------------------- /src/open_clip/model_configs/coca_ViT-B-32.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/open_clip/model_configs/coca_ViT-B-32.json -------------------------------------------------------------------------------- /src/open_clip/model_configs/coca_ViT-L-14.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/open_clip/model_configs/coca_ViT-L-14.json -------------------------------------------------------------------------------- /src/open_clip/model_configs/coca_base.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/open_clip/model_configs/coca_base.json -------------------------------------------------------------------------------- /src/open_clip/model_configs/coca_roberta-ViT-B-32.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/open_clip/model_configs/coca_roberta-ViT-B-32.json -------------------------------------------------------------------------------- /src/open_clip/model_configs/convnext_base.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/open_clip/model_configs/convnext_base.json -------------------------------------------------------------------------------- /src/open_clip/model_configs/convnext_base_w.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/open_clip/model_configs/convnext_base_w.json -------------------------------------------------------------------------------- /src/open_clip/model_configs/convnext_base_w_320.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/open_clip/model_configs/convnext_base_w_320.json -------------------------------------------------------------------------------- /src/open_clip/model_configs/convnext_large.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/open_clip/model_configs/convnext_large.json -------------------------------------------------------------------------------- /src/open_clip/model_configs/convnext_large_d.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/open_clip/model_configs/convnext_large_d.json -------------------------------------------------------------------------------- /src/open_clip/model_configs/convnext_large_d_320.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/open_clip/model_configs/convnext_large_d_320.json -------------------------------------------------------------------------------- /src/open_clip/model_configs/convnext_small.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/open_clip/model_configs/convnext_small.json -------------------------------------------------------------------------------- /src/open_clip/model_configs/convnext_tiny.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/open_clip/model_configs/convnext_tiny.json -------------------------------------------------------------------------------- /src/open_clip/model_configs/convnext_xlarge.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/open_clip/model_configs/convnext_xlarge.json -------------------------------------------------------------------------------- /src/open_clip/model_configs/convnext_xxlarge.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/open_clip/model_configs/convnext_xxlarge.json -------------------------------------------------------------------------------- /src/open_clip/model_configs/convnext_xxlarge_320.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/open_clip/model_configs/convnext_xxlarge_320.json -------------------------------------------------------------------------------- /src/open_clip/model_configs/mt5-base-ViT-B-32.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/open_clip/model_configs/mt5-base-ViT-B-32.json -------------------------------------------------------------------------------- /src/open_clip/model_configs/mt5-xl-ViT-H-14.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/open_clip/model_configs/mt5-xl-ViT-H-14.json -------------------------------------------------------------------------------- /src/open_clip/model_configs/nllb-clip-base-siglip.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/open_clip/model_configs/nllb-clip-base-siglip.json -------------------------------------------------------------------------------- /src/open_clip/model_configs/nllb-clip-base.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/open_clip/model_configs/nllb-clip-base.json -------------------------------------------------------------------------------- /src/open_clip/model_configs/nllb-clip-large-siglip.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/open_clip/model_configs/nllb-clip-large-siglip.json -------------------------------------------------------------------------------- /src/open_clip/model_configs/nllb-clip-large.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/open_clip/model_configs/nllb-clip-large.json -------------------------------------------------------------------------------- /src/open_clip/model_configs/roberta-ViT-B-32.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/open_clip/model_configs/roberta-ViT-B-32.json -------------------------------------------------------------------------------- /src/open_clip/model_configs/swin_base_patch4_window7_224.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/open_clip/model_configs/swin_base_patch4_window7_224.json -------------------------------------------------------------------------------- /src/open_clip/model_configs/vit_medium_patch16_gap_256.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/open_clip/model_configs/vit_medium_patch16_gap_256.json -------------------------------------------------------------------------------- /src/open_clip/model_configs/vit_relpos_medium_patch16_cls_224.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/open_clip/model_configs/vit_relpos_medium_patch16_cls_224.json -------------------------------------------------------------------------------- /src/open_clip/model_configs/xlm-roberta-base-ViT-B-32.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/open_clip/model_configs/xlm-roberta-base-ViT-B-32.json -------------------------------------------------------------------------------- /src/open_clip/model_configs/xlm-roberta-large-ViT-H-14.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/open_clip/model_configs/xlm-roberta-large-ViT-H-14.json -------------------------------------------------------------------------------- /src/open_clip/modified_resnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/open_clip/modified_resnet.py -------------------------------------------------------------------------------- /src/open_clip/openai.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/open_clip/openai.py -------------------------------------------------------------------------------- /src/open_clip/pos_embed.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/open_clip/pos_embed.py -------------------------------------------------------------------------------- /src/open_clip/pretrained.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/open_clip/pretrained.py -------------------------------------------------------------------------------- /src/open_clip/push_to_hf_hub.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/open_clip/push_to_hf_hub.py -------------------------------------------------------------------------------- /src/open_clip/timm_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/open_clip/timm_model.py -------------------------------------------------------------------------------- /src/open_clip/tokenizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/open_clip/tokenizer.py -------------------------------------------------------------------------------- /src/open_clip/transform.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/open_clip/transform.py -------------------------------------------------------------------------------- /src/open_clip/transformer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/open_clip/transformer.py -------------------------------------------------------------------------------- /src/open_clip/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/open_clip/utils.py -------------------------------------------------------------------------------- /src/open_clip/version.py: -------------------------------------------------------------------------------- 1 | __version__ = '2.29.0' 2 | -------------------------------------------------------------------------------- /src/open_clip/zero_shot_classifier.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/open_clip/zero_shot_classifier.py -------------------------------------------------------------------------------- /src/open_clip/zero_shot_metadata.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/open_clip/zero_shot_metadata.py -------------------------------------------------------------------------------- /src/open_clip_train/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /src/open_clip_train/data.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/open_clip_train/data.py -------------------------------------------------------------------------------- /src/open_clip_train/distributed.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/open_clip_train/distributed.py -------------------------------------------------------------------------------- /src/open_clip_train/file_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/open_clip_train/file_utils.py -------------------------------------------------------------------------------- /src/open_clip_train/logger.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/open_clip_train/logger.py -------------------------------------------------------------------------------- /src/open_clip_train/params.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/open_clip_train/params.py -------------------------------------------------------------------------------- /src/open_clip_train/precision.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/open_clip_train/precision.py -------------------------------------------------------------------------------- /src/open_clip_train/profiler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/open_clip_train/profiler.py -------------------------------------------------------------------------------- /src/open_clip_train/scheduler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/open_clip_train/scheduler.py -------------------------------------------------------------------------------- /src/open_clip_train/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/open_clip_train/train.py -------------------------------------------------------------------------------- /src/open_clip_train/zero_shot.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SiyuanYan1/Derm1M/HEAD/src/open_clip_train/zero_shot.py --------------------------------------------------------------------------------