├── CNAME ├── README.md ├── ResNet50 ├── README.md └── pytorch-image-models-0.6.12 │ ├── .gitattributes │ ├── .github │ ├── FUNDING.yml │ ├── ISSUE_TEMPLATE │ │ ├── bug_report.md │ │ ├── config.yml │ │ └── feature_request.md │ └── workflows │ │ ├── build_documentation.yml │ │ ├── build_pr_documentation.yml │ │ ├── delete_doc_comment.yml │ │ └── tests.yml │ ├── .gitignore │ ├── LICENSE │ ├── MANIFEST.in │ ├── README.md │ ├── avg_checkpoints.py │ ├── benchmark.py │ ├── bulk_runner.py │ ├── clean_checkpoint.py │ ├── convert │ ├── convert_from_mxnet.py │ └── convert_nest_flax.py │ ├── create_dataset.py │ ├── distributed_train.sh │ ├── docs │ ├── archived_changes.md │ ├── changes.md │ ├── feature_extraction.md │ ├── index.md │ ├── javascripts │ │ └── tables.js │ ├── models.md │ ├── models │ │ ├── .pages │ │ ├── .templates │ │ │ ├── code_snippets.md │ │ │ ├── generate_readmes.py │ │ │ └── models │ │ │ │ ├── adversarial-inception-v3.md │ │ │ │ ├── advprop.md │ │ │ │ ├── big-transfer.md │ │ │ │ ├── csp-darknet.md │ │ │ │ ├── csp-resnet.md │ │ │ │ ├── csp-resnext.md │ │ │ │ ├── densenet.md │ │ │ │ ├── dla.md │ │ │ │ ├── dpn.md │ │ │ │ ├── ecaresnet.md │ │ │ │ ├── efficientnet-pruned.md │ │ │ │ ├── efficientnet.md │ │ │ │ ├── ensemble-adversarial.md │ │ │ │ ├── ese-vovnet.md │ │ │ │ ├── fbnet.md │ │ │ │ ├── gloun-inception-v3.md │ │ │ │ ├── gloun-resnet.md │ │ │ │ ├── gloun-resnext.md │ │ │ │ ├── gloun-senet.md │ │ │ │ ├── gloun-seresnext.md │ │ │ │ ├── gloun-xception.md │ │ │ │ ├── hrnet.md │ │ │ │ ├── ig-resnext.md │ │ │ │ ├── inception-resnet-v2.md │ │ │ │ ├── inception-v3.md │ │ │ │ ├── inception-v4.md │ │ │ │ ├── legacy-se-resnet.md │ │ │ │ ├── legacy-se-resnext.md │ │ │ │ ├── legacy-senet.md │ │ │ │ ├── mixnet.md │ │ │ │ ├── mnasnet.md │ │ │ │ ├── mobilenet-v2.md │ │ │ │ ├── mobilenet-v3.md │ │ │ │ ├── nasnet.md │ │ │ │ ├── noisy-student.md │ │ │ │ ├── pnasnet.md │ │ │ │ ├── regnetx.md │ │ │ │ ├── regnety.md │ │ │ │ ├── res2net.md │ │ │ │ ├── res2next.md │ │ │ │ ├── resnest.md │ │ │ │ ├── resnet-d.md │ │ │ │ ├── resnet.md │ │ │ │ ├── resnext.md │ │ │ │ ├── rexnet.md │ │ │ │ ├── se-resnet.md │ │ │ │ ├── selecsls.md │ │ │ │ ├── seresnext.md │ │ │ │ ├── skresnet.md │ │ │ │ ├── skresnext.md │ │ │ │ ├── spnasnet.md │ │ │ │ ├── ssl-resnet.md │ │ │ │ ├── ssl-resnext.md │ │ │ │ ├── swsl-resnet.md │ │ │ │ ├── swsl-resnext.md │ │ │ │ ├── tf-efficientnet-condconv.md │ │ │ │ ├── tf-efficientnet-lite.md │ │ │ │ ├── tf-efficientnet.md │ │ │ │ ├── tf-inception-v3.md │ │ │ │ ├── tf-mixnet.md │ │ │ │ ├── tf-mobilenet-v3.md │ │ │ │ ├── tresnet.md │ │ │ │ ├── vision-transformer.md │ │ │ │ ├── wide-resnet.md │ │ │ │ └── xception.md │ │ ├── adversarial-inception-v3.md │ │ ├── advprop.md │ │ ├── big-transfer.md │ │ ├── csp-darknet.md │ │ ├── csp-resnet.md │ │ ├── csp-resnext.md │ │ ├── densenet.md │ │ ├── dla.md │ │ ├── dpn.md │ │ ├── ecaresnet.md │ │ ├── efficientnet-pruned.md │ │ ├── efficientnet.md │ │ ├── ensemble-adversarial.md │ │ ├── ese-vovnet.md │ │ ├── fbnet.md │ │ ├── gloun-inception-v3.md │ │ ├── gloun-resnet.md │ │ ├── gloun-resnext.md │ │ ├── gloun-senet.md │ │ ├── gloun-seresnext.md │ │ ├── gloun-xception.md │ │ ├── hrnet.md │ │ ├── ig-resnext.md │ │ ├── inception-resnet-v2.md │ │ ├── inception-v3.md │ │ ├── inception-v4.md │ │ ├── legacy-se-resnet.md │ │ ├── legacy-se-resnext.md │ │ ├── legacy-senet.md │ │ ├── mixnet.md │ │ ├── mnasnet.md │ │ ├── mobilenet-v2.md │ │ ├── mobilenet-v3.md │ │ ├── nasnet.md │ │ ├── noisy-student.md │ │ ├── pnasnet.md │ │ ├── regnetx.md │ │ ├── regnety.md │ │ ├── res2net.md │ │ ├── res2next.md │ │ ├── resnest.md │ │ ├── resnet-d.md │ │ ├── resnet.md │ │ ├── resnext.md │ │ ├── rexnet.md │ │ ├── se-resnet.md │ │ ├── selecsls.md │ │ ├── seresnext.md │ │ ├── skresnet.md │ │ ├── skresnext.md │ │ ├── spnasnet.md │ │ ├── ssl-resnet.md │ │ ├── ssl-resnext.md │ │ ├── swsl-resnet.md │ │ ├── swsl-resnext.md │ │ ├── tf-efficientnet-condconv.md │ │ ├── tf-efficientnet-lite.md │ │ ├── tf-efficientnet.md │ │ ├── tf-inception-v3.md │ │ ├── tf-mixnet.md │ │ ├── tf-mobilenet-v3.md │ │ ├── tresnet.md │ │ ├── vision-transformer.md │ │ ├── wide-resnet.md │ │ └── xception.md │ ├── results.md │ ├── scripts.md │ └── training_hparam_examples.md │ ├── get_data.py │ ├── get_transform.py │ ├── hfdocs │ └── source │ │ ├── _config.py │ │ ├── _toctree.yml │ │ ├── archived_changes.mdx │ │ ├── changes.mdx │ │ ├── feature_extraction.mdx │ │ ├── index.mdx │ │ ├── model_pages.mdx │ │ ├── models.mdx │ │ ├── models │ │ ├── adversarial-inception-v3.mdx │ │ ├── advprop.mdx │ │ ├── big-transfer.mdx │ │ ├── csp-darknet.mdx │ │ ├── csp-resnet.mdx │ │ ├── csp-resnext.mdx │ │ ├── densenet.mdx │ │ ├── dla.mdx │ │ ├── dpn.mdx │ │ ├── ecaresnet.mdx │ │ ├── efficientnet-pruned.mdx │ │ ├── efficientnet.mdx │ │ ├── ensemble-adversarial.mdx │ │ ├── ese-vovnet.mdx │ │ ├── fbnet.mdx │ │ ├── gloun-inception-v3.mdx │ │ ├── gloun-resnet.mdx │ │ ├── gloun-resnext.mdx │ │ ├── gloun-senet.mdx │ │ ├── gloun-seresnext.mdx │ │ ├── gloun-xception.mdx │ │ ├── hrnet.mdx │ │ ├── ig-resnext.mdx │ │ ├── inception-resnet-v2.mdx │ │ ├── inception-v3.mdx │ │ ├── inception-v4.mdx │ │ ├── legacy-se-resnet.mdx │ │ ├── legacy-se-resnext.mdx │ │ ├── legacy-senet.mdx │ │ ├── mixnet.mdx │ │ ├── mnasnet.mdx │ │ ├── mobilenet-v2.mdx │ │ ├── mobilenet-v3.mdx │ │ ├── nasnet.mdx │ │ ├── noisy-student.mdx │ │ ├── pnasnet.mdx │ │ ├── regnetx.mdx │ │ ├── regnety.mdx │ │ ├── res2net.mdx │ │ ├── res2next.mdx │ │ ├── resnest.mdx │ │ ├── resnet-d.mdx │ │ ├── resnet.mdx │ │ ├── resnext.mdx │ │ ├── rexnet.mdx │ │ ├── se-resnet.mdx │ │ ├── selecsls.mdx │ │ ├── seresnext.mdx │ │ ├── skresnet.mdx │ │ ├── skresnext.mdx │ │ ├── spnasnet.mdx │ │ ├── ssl-resnet.mdx │ │ ├── swsl-resnet.mdx │ │ ├── swsl-resnext.mdx │ │ ├── tf-efficientnet-condconv.mdx │ │ ├── tf-efficientnet-lite.mdx │ │ ├── tf-efficientnet.mdx │ │ ├── tf-inception-v3.mdx │ │ ├── tf-mixnet.mdx │ │ ├── tf-mobilenet-v3.mdx │ │ ├── tresnet.mdx │ │ ├── wide-resnet.mdx │ │ └── xception.mdx │ │ ├── results.mdx │ │ ├── scripts.mdx │ │ └── training_hparam_examples.mdx │ ├── hubconf.py │ ├── inference.py │ ├── mkdocs.yml │ ├── model-index.yml │ ├── requirements-docs.txt │ ├── requirements-modelindex.txt │ ├── requirements.txt │ ├── setup.cfg │ ├── setup.py │ ├── tests │ ├── __init__.py │ ├── test_layers.py │ ├── test_models.py │ ├── test_optim.py │ └── test_utils.py │ ├── timm │ ├── __init__.py │ ├── data │ │ ├── __init__.py │ │ ├── auto_augment.py │ │ ├── config.py │ │ ├── constants.py │ │ ├── dataset.py │ │ ├── dataset_factory.py │ │ ├── distributed_sampler.py │ │ ├── loader.py │ │ ├── mixup.py │ │ ├── parsers │ │ │ ├── __init__.py │ │ │ ├── class_map.py │ │ │ ├── img_extensions.py │ │ │ ├── parser.py │ │ │ ├── parser_factory.py │ │ │ ├── parser_image_folder.py │ │ │ ├── parser_image_in_tar.py │ │ │ ├── parser_image_tar.py │ │ │ └── parser_tfds.py │ │ ├── random_erasing.py │ │ ├── real_labels.py │ │ ├── tf_preprocessing.py │ │ ├── transforms.py │ │ └── transforms_factory.py │ ├── loss │ │ ├── __init__.py │ │ ├── asymmetric_loss.py │ │ ├── binary_cross_entropy.py │ │ ├── cross_entropy.py │ │ └── jsd.py │ ├── models │ │ ├── __init__.py │ │ ├── beit.py │ │ ├── byoanet.py │ │ ├── byobnet.py │ │ ├── cait.py │ │ ├── coat.py │ │ ├── convit.py │ │ ├── convmixer.py │ │ ├── convnext.py │ │ ├── crossvit.py │ │ ├── cspnet.py │ │ ├── deit.py │ │ ├── densenet.py │ │ ├── dla.py │ │ ├── dpn.py │ │ ├── edgenext.py │ │ ├── efficientformer.py │ │ ├── efficientnet.py │ │ ├── efficientnet_blocks.py │ │ ├── efficientnet_builder.py │ │ ├── factory.py │ │ ├── features.py │ │ ├── fx_features.py │ │ ├── gcvit.py │ │ ├── ghostnet.py │ │ ├── gluon_resnet.py │ │ ├── gluon_xception.py │ │ ├── hardcorenas.py │ │ ├── helpers.py │ │ ├── hrnet.py │ │ ├── hub.py │ │ ├── inception_resnet_v2.py │ │ ├── inception_v3.py │ │ ├── inception_v4.py │ │ ├── layers │ │ │ ├── __init__.py │ │ │ ├── activations.py │ │ │ ├── activations_jit.py │ │ │ ├── activations_me.py │ │ │ ├── adaptive_avgmax_pool.py │ │ │ ├── attention_pool2d.py │ │ │ ├── blur_pool.py │ │ │ ├── bottleneck_attn.py │ │ │ ├── cbam.py │ │ │ ├── classifier.py │ │ │ ├── cond_conv2d.py │ │ │ ├── config.py │ │ │ ├── conv2d_same.py │ │ │ ├── conv_bn_act.py │ │ │ ├── create_act.py │ │ │ ├── create_attn.py │ │ │ ├── create_conv2d.py │ │ │ ├── create_norm.py │ │ │ ├── create_norm_act.py │ │ │ ├── drop.py │ │ │ ├── eca.py │ │ │ ├── evo_norm.py │ │ │ ├── fast_norm.py │ │ │ ├── filter_response_norm.py │ │ │ ├── gather_excite.py │ │ │ ├── global_context.py │ │ │ ├── halo_attn.py │ │ │ ├── helpers.py │ │ │ ├── inplace_abn.py │ │ │ ├── lambda_layer.py │ │ │ ├── linear.py │ │ │ ├── median_pool.py │ │ │ ├── mixed_conv2d.py │ │ │ ├── ml_decoder.py │ │ │ ├── mlp.py │ │ │ ├── non_local_attn.py │ │ │ ├── norm.py │ │ │ ├── norm_act.py │ │ │ ├── padding.py │ │ │ ├── patch_embed.py │ │ │ ├── pool2d_same.py │ │ │ ├── pos_embed.py │ │ │ ├── selective_kernel.py │ │ │ ├── separable_conv.py │ │ │ ├── space_to_depth.py │ │ │ ├── split_attn.py │ │ │ ├── split_batchnorm.py │ │ │ ├── squeeze_excite.py │ │ │ ├── std_conv.py │ │ │ ├── test_time_pool.py │ │ │ ├── trace_utils.py │ │ │ └── weight_init.py │ │ ├── levit.py │ │ ├── maxxvit.py │ │ ├── mlp_mixer.py │ │ ├── mobilenetv3.py │ │ ├── mobilevit.py │ │ ├── mvitv2.py │ │ ├── nasnet.py │ │ ├── nest.py │ │ ├── nfnet.py │ │ ├── pit.py │ │ ├── pnasnet.py │ │ ├── poolformer.py │ │ ├── pruned │ │ │ ├── ecaresnet101d_pruned.txt │ │ │ ├── ecaresnet50d_pruned.txt │ │ │ ├── efficientnet_b1_pruned.txt │ │ │ ├── efficientnet_b2_pruned.txt │ │ │ └── efficientnet_b3_pruned.txt │ │ ├── pvt_v2.py │ │ ├── registry.py │ │ ├── regnet.py │ │ ├── res2net.py │ │ ├── resnest.py │ │ ├── resnet.py │ │ ├── resnetv2.py │ │ ├── rexnet.py │ │ ├── selecsls.py │ │ ├── senet.py │ │ ├── sequencer.py │ │ ├── sknet.py │ │ ├── swin_transformer.py │ │ ├── swin_transformer_v2.py │ │ ├── swin_transformer_v2_cr.py │ │ ├── tnt.py │ │ ├── tresnet.py │ │ ├── twins.py │ │ ├── vgg.py │ │ ├── visformer.py │ │ ├── vision_transformer.py │ │ ├── vision_transformer_hybrid.py │ │ ├── vision_transformer_relpos.py │ │ ├── volo.py │ │ ├── vovnet.py │ │ ├── xception.py │ │ ├── xception_aligned.py │ │ └── xcit.py │ ├── optim │ │ ├── __init__.py │ │ ├── adabelief.py │ │ ├── adafactor.py │ │ ├── adahessian.py │ │ ├── adamp.py │ │ ├── adamw.py │ │ ├── lamb.py │ │ ├── lars.py │ │ ├── lookahead.py │ │ ├── madgrad.py │ │ ├── nadam.py │ │ ├── nvnovograd.py │ │ ├── optim_factory.py │ │ ├── radam.py │ │ ├── rmsprop_tf.py │ │ └── sgdp.py │ ├── scheduler │ │ ├── __init__.py │ │ ├── cosine_lr.py │ │ ├── multistep_lr.py │ │ ├── plateau_lr.py │ │ ├── poly_lr.py │ │ ├── scheduler.py │ │ ├── scheduler_factory.py │ │ ├── step_lr.py │ │ └── tanh_lr.py │ ├── utils │ │ ├── __init__.py │ │ ├── agc.py │ │ ├── checkpoint_saver.py │ │ ├── clip_grad.py │ │ ├── cuda.py │ │ ├── decay_batch.py │ │ ├── distributed.py │ │ ├── jit.py │ │ ├── log.py │ │ ├── metrics.py │ │ ├── misc.py │ │ ├── model.py │ │ ├── model_ema.py │ │ ├── random.py │ │ └── summary.py │ └── version.py │ ├── train.py │ └── validate.py ├── Swin-T ├── README.md ├── Swin-Transformer-main │ ├── .gitignore │ ├── CODE_OF_CONDUCT.md │ ├── LICENSE │ ├── MODELHUB.md │ ├── README.md │ ├── SECURITY.md │ ├── SUPPORT.md │ ├── config.py │ ├── configs │ │ ├── simmim │ │ │ ├── simmim_finetune__swin_base__img224_window7__800ep.yaml │ │ │ ├── simmim_finetune__swinv2_base__img224_window14__800ep.yaml │ │ │ ├── simmim_pretrain__swin_base__img192_window6__800ep.yaml │ │ │ └── simmim_pretrain__swinv2_base__img192_window12__800ep.yaml │ │ ├── swin │ │ │ ├── swin_base_patch4_window12_384_22kto1k_finetune.yaml │ │ │ ├── swin_base_patch4_window12_384_finetune.yaml │ │ │ ├── swin_base_patch4_window7_224.yaml │ │ │ ├── swin_base_patch4_window7_224_22k.yaml │ │ │ ├── swin_base_patch4_window7_224_22kto1k_finetune.yaml │ │ │ ├── swin_large_patch4_window12_384_22kto1k_finetune.yaml │ │ │ ├── swin_large_patch4_window7_224_22k.yaml │ │ │ ├── swin_large_patch4_window7_224_22kto1k_finetune.yaml │ │ │ ├── swin_small_patch4_window7_224.yaml │ │ │ ├── swin_small_patch4_window7_224_22k.yaml │ │ │ ├── swin_small_patch4_window7_224_22kto1k_finetune.yaml │ │ │ ├── swin_tiny_c24_patch4_window8_256.yaml │ │ │ ├── swin_tiny_patch4_window7_224.yaml │ │ │ ├── swin_tiny_patch4_window7_224_22k.yaml │ │ │ └── swin_tiny_patch4_window7_224_22kto1k_finetune.yaml │ │ ├── swinmlp │ │ │ ├── swin_mlp_base_patch4_window7_224.yaml │ │ │ ├── swin_mlp_tiny_c12_patch4_window8_256.yaml │ │ │ ├── swin_mlp_tiny_c24_patch4_window8_256.yaml │ │ │ └── swin_mlp_tiny_c6_patch4_window8_256.yaml │ │ ├── swinmoe │ │ │ ├── swin_moe_base_patch4_window12_192_16expert_32gpu_22k.yaml │ │ │ ├── swin_moe_base_patch4_window12_192_32expert_32gpu_22k.yaml │ │ │ ├── swin_moe_base_patch4_window12_192_8expert_32gpu_22k.yaml │ │ │ ├── swin_moe_base_patch4_window12_192_cosine_router_32expert_32gpu_22k.yaml │ │ │ ├── swin_moe_base_patch4_window12_192_densebaseline_22k.yaml │ │ │ ├── swin_moe_small_patch4_window12_192_16expert_32gpu_22k.yaml │ │ │ ├── swin_moe_small_patch4_window12_192_32expert_32gpu_22k.yaml │ │ │ ├── swin_moe_small_patch4_window12_192_64expert_64gpu_22k.yaml │ │ │ ├── swin_moe_small_patch4_window12_192_8expert_32gpu_22k.yaml │ │ │ ├── swin_moe_small_patch4_window12_192_cosine_router_32expert_32gpu_22k.yaml │ │ │ └── swin_moe_small_patch4_window12_192_densebaseline_22k.yaml │ │ └── swinv2 │ │ │ ├── swinv2_base_patch4_window12_192_22k.yaml │ │ │ ├── swinv2_base_patch4_window12to16_192to256_22kto1k_ft.yaml │ │ │ ├── swinv2_base_patch4_window12to24_192to384_22kto1k_ft.yaml │ │ │ ├── swinv2_base_patch4_window16_256.yaml │ │ │ ├── swinv2_base_patch4_window8_256.yaml │ │ │ ├── swinv2_large_patch4_window12_192_22k.yaml │ │ │ ├── swinv2_large_patch4_window12to16_192to256_22kto1k_ft.yaml │ │ │ ├── swinv2_large_patch4_window12to24_192to384_22kto1k_ft.yaml │ │ │ ├── swinv2_small_patch4_window16_256.yaml │ │ │ ├── swinv2_small_patch4_window8_256.yaml │ │ │ ├── swinv2_tiny_patch4_window16_256.yaml │ │ │ └── swinv2_tiny_patch4_window8_256.yaml │ ├── data │ │ ├── __init__.py │ │ ├── build.py │ │ ├── cached_image_folder.py │ │ ├── create_dataset.py │ │ ├── data_simmim_ft.py │ │ ├── data_simmim_pt.py │ │ ├── get_data.py │ │ ├── get_transform.py │ │ ├── imagenet22k_dataset.py │ │ ├── map22kto1k.txt │ │ ├── samplers.py │ │ └── zipreader.py │ ├── figures │ │ └── teaser.png │ ├── get_started.md │ ├── kernels │ │ └── window_process │ │ │ ├── setup.py │ │ │ ├── swin_window_process.cpp │ │ │ ├── swin_window_process_kernel.cu │ │ │ ├── unit_test.py │ │ │ └── window_process.py │ ├── logger.py │ ├── lr_scheduler.py │ ├── main.py │ ├── main_moe.py │ ├── main_simmim_ft.py │ ├── main_simmim_pt.py │ ├── models │ │ ├── __init__.py │ │ ├── build.py │ │ ├── simmim.py │ │ ├── swin_mlp.py │ │ ├── swin_transformer.py │ │ ├── swin_transformer_moe.py │ │ └── swin_transformer_v2.py │ ├── optimizer.py │ ├── utils.py │ ├── utils_moe.py │ ├── utils_simmim.py │ └── validate.py └── swin_environment.yml ├── class_map.txt ├── compute_qf.py ├── download_genimage.py ├── jpeg_augment.py └── results ├── results_resnet.png ├── results_resnet_diff.png ├── results_swin.png └── results_swin_diff.png /CNAME: -------------------------------------------------------------------------------- 1 | www.unbiased-genimage.org -------------------------------------------------------------------------------- /README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/README.md -------------------------------------------------------------------------------- /ResNet50/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/README.md -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/.gitattributes: -------------------------------------------------------------------------------- 1 | *.ipynb linguist-documentation 2 | -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/.github/FUNDING.yml: -------------------------------------------------------------------------------- 1 | # These are supported funding model platforms 2 | github: rwightman 3 | -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/.github/ISSUE_TEMPLATE/bug_report.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/.github/ISSUE_TEMPLATE/bug_report.md -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/.github/ISSUE_TEMPLATE/config.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/.github/ISSUE_TEMPLATE/config.yml -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/.github/ISSUE_TEMPLATE/feature_request.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/.github/ISSUE_TEMPLATE/feature_request.md -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/.github/workflows/build_documentation.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/.github/workflows/build_documentation.yml -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/.github/workflows/build_pr_documentation.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/.github/workflows/build_pr_documentation.yml -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/.github/workflows/delete_doc_comment.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/.github/workflows/delete_doc_comment.yml -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/.github/workflows/tests.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/.github/workflows/tests.yml -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/.gitignore -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/LICENSE -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/MANIFEST.in: -------------------------------------------------------------------------------- 1 | include timm/models/pruned/*.txt 2 | 3 | -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/README.md -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/avg_checkpoints.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/avg_checkpoints.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/benchmark.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/benchmark.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/bulk_runner.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/bulk_runner.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/clean_checkpoint.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/clean_checkpoint.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/convert/convert_from_mxnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/convert/convert_from_mxnet.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/convert/convert_nest_flax.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/convert/convert_nest_flax.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/create_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/create_dataset.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/distributed_train.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/distributed_train.sh -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/docs/archived_changes.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/docs/archived_changes.md -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/docs/changes.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/docs/changes.md -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/docs/feature_extraction.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/docs/feature_extraction.md -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/docs/index.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/docs/index.md -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/docs/javascripts/tables.js: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/docs/javascripts/tables.js -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/docs/models.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/docs/models.md -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/docs/models/.pages: -------------------------------------------------------------------------------- 1 | title: Model Pages -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/docs/models/.templates/code_snippets.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/docs/models/.templates/code_snippets.md -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/docs/models/.templates/generate_readmes.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/docs/models/.templates/generate_readmes.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/docs/models/.templates/models/adversarial-inception-v3.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/docs/models/.templates/models/adversarial-inception-v3.md -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/docs/models/.templates/models/advprop.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/docs/models/.templates/models/advprop.md -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/docs/models/.templates/models/big-transfer.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/docs/models/.templates/models/big-transfer.md -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/docs/models/.templates/models/csp-darknet.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/docs/models/.templates/models/csp-darknet.md -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/docs/models/.templates/models/csp-resnet.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/docs/models/.templates/models/csp-resnet.md -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/docs/models/.templates/models/csp-resnext.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/docs/models/.templates/models/csp-resnext.md -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/docs/models/.templates/models/densenet.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/docs/models/.templates/models/densenet.md -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/docs/models/.templates/models/dla.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/docs/models/.templates/models/dla.md -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/docs/models/.templates/models/dpn.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/docs/models/.templates/models/dpn.md -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/docs/models/.templates/models/ecaresnet.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/docs/models/.templates/models/ecaresnet.md -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/docs/models/.templates/models/efficientnet-pruned.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/docs/models/.templates/models/efficientnet-pruned.md -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/docs/models/.templates/models/efficientnet.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/docs/models/.templates/models/efficientnet.md -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/docs/models/.templates/models/ensemble-adversarial.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/docs/models/.templates/models/ensemble-adversarial.md -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/docs/models/.templates/models/ese-vovnet.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/docs/models/.templates/models/ese-vovnet.md -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/docs/models/.templates/models/fbnet.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/docs/models/.templates/models/fbnet.md -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/docs/models/.templates/models/gloun-inception-v3.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/docs/models/.templates/models/gloun-inception-v3.md -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/docs/models/.templates/models/gloun-resnet.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/docs/models/.templates/models/gloun-resnet.md -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/docs/models/.templates/models/gloun-resnext.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/docs/models/.templates/models/gloun-resnext.md -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/docs/models/.templates/models/gloun-senet.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/docs/models/.templates/models/gloun-senet.md -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/docs/models/.templates/models/gloun-seresnext.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/docs/models/.templates/models/gloun-seresnext.md -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/docs/models/.templates/models/gloun-xception.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/docs/models/.templates/models/gloun-xception.md -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/docs/models/.templates/models/hrnet.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/docs/models/.templates/models/hrnet.md -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/docs/models/.templates/models/ig-resnext.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/docs/models/.templates/models/ig-resnext.md -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/docs/models/.templates/models/inception-resnet-v2.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/docs/models/.templates/models/inception-resnet-v2.md -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/docs/models/.templates/models/inception-v3.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/docs/models/.templates/models/inception-v3.md -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/docs/models/.templates/models/inception-v4.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/docs/models/.templates/models/inception-v4.md -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/docs/models/.templates/models/legacy-se-resnet.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/docs/models/.templates/models/legacy-se-resnet.md -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/docs/models/.templates/models/legacy-se-resnext.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/docs/models/.templates/models/legacy-se-resnext.md -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/docs/models/.templates/models/legacy-senet.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/docs/models/.templates/models/legacy-senet.md -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/docs/models/.templates/models/mixnet.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/docs/models/.templates/models/mixnet.md -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/docs/models/.templates/models/mnasnet.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/docs/models/.templates/models/mnasnet.md -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/docs/models/.templates/models/mobilenet-v2.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/docs/models/.templates/models/mobilenet-v2.md -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/docs/models/.templates/models/mobilenet-v3.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/docs/models/.templates/models/mobilenet-v3.md -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/docs/models/.templates/models/nasnet.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/docs/models/.templates/models/nasnet.md -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/docs/models/.templates/models/noisy-student.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/docs/models/.templates/models/noisy-student.md -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/docs/models/.templates/models/pnasnet.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/docs/models/.templates/models/pnasnet.md -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/docs/models/.templates/models/regnetx.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/docs/models/.templates/models/regnetx.md -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/docs/models/.templates/models/regnety.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/docs/models/.templates/models/regnety.md -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/docs/models/.templates/models/res2net.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/docs/models/.templates/models/res2net.md -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/docs/models/.templates/models/res2next.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/docs/models/.templates/models/res2next.md -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/docs/models/.templates/models/resnest.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/docs/models/.templates/models/resnest.md -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/docs/models/.templates/models/resnet-d.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/docs/models/.templates/models/resnet-d.md -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/docs/models/.templates/models/resnet.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/docs/models/.templates/models/resnet.md -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/docs/models/.templates/models/resnext.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/docs/models/.templates/models/resnext.md -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/docs/models/.templates/models/rexnet.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/docs/models/.templates/models/rexnet.md -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/docs/models/.templates/models/se-resnet.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/docs/models/.templates/models/se-resnet.md -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/docs/models/.templates/models/selecsls.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/docs/models/.templates/models/selecsls.md -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/docs/models/.templates/models/seresnext.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/docs/models/.templates/models/seresnext.md -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/docs/models/.templates/models/skresnet.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/docs/models/.templates/models/skresnet.md -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/docs/models/.templates/models/skresnext.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/docs/models/.templates/models/skresnext.md -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/docs/models/.templates/models/spnasnet.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/docs/models/.templates/models/spnasnet.md -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/docs/models/.templates/models/ssl-resnet.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/docs/models/.templates/models/ssl-resnet.md -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/docs/models/.templates/models/ssl-resnext.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/docs/models/.templates/models/ssl-resnext.md -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/docs/models/.templates/models/swsl-resnet.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/docs/models/.templates/models/swsl-resnet.md -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/docs/models/.templates/models/swsl-resnext.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/docs/models/.templates/models/swsl-resnext.md -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/docs/models/.templates/models/tf-efficientnet-condconv.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/docs/models/.templates/models/tf-efficientnet-condconv.md -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/docs/models/.templates/models/tf-efficientnet-lite.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/docs/models/.templates/models/tf-efficientnet-lite.md -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/docs/models/.templates/models/tf-efficientnet.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/docs/models/.templates/models/tf-efficientnet.md -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/docs/models/.templates/models/tf-inception-v3.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/docs/models/.templates/models/tf-inception-v3.md -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/docs/models/.templates/models/tf-mixnet.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/docs/models/.templates/models/tf-mixnet.md -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/docs/models/.templates/models/tf-mobilenet-v3.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/docs/models/.templates/models/tf-mobilenet-v3.md -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/docs/models/.templates/models/tresnet.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/docs/models/.templates/models/tresnet.md -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/docs/models/.templates/models/vision-transformer.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/docs/models/.templates/models/vision-transformer.md -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/docs/models/.templates/models/wide-resnet.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/docs/models/.templates/models/wide-resnet.md -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/docs/models/.templates/models/xception.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/docs/models/.templates/models/xception.md -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/docs/models/adversarial-inception-v3.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/docs/models/adversarial-inception-v3.md -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/docs/models/advprop.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/docs/models/advprop.md -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/docs/models/big-transfer.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/docs/models/big-transfer.md -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/docs/models/csp-darknet.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/docs/models/csp-darknet.md -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/docs/models/csp-resnet.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/docs/models/csp-resnet.md -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/docs/models/csp-resnext.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/docs/models/csp-resnext.md -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/docs/models/densenet.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/docs/models/densenet.md -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/docs/models/dla.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/docs/models/dla.md -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/docs/models/dpn.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/docs/models/dpn.md -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/docs/models/ecaresnet.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/docs/models/ecaresnet.md -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/docs/models/efficientnet-pruned.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/docs/models/efficientnet-pruned.md -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/docs/models/efficientnet.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/docs/models/efficientnet.md -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/docs/models/ensemble-adversarial.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/docs/models/ensemble-adversarial.md -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/docs/models/ese-vovnet.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/docs/models/ese-vovnet.md -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/docs/models/fbnet.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/docs/models/fbnet.md -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/docs/models/gloun-inception-v3.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/docs/models/gloun-inception-v3.md -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/docs/models/gloun-resnet.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/docs/models/gloun-resnet.md -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/docs/models/gloun-resnext.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/docs/models/gloun-resnext.md -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/docs/models/gloun-senet.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/docs/models/gloun-senet.md -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/docs/models/gloun-seresnext.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/docs/models/gloun-seresnext.md -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/docs/models/gloun-xception.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/docs/models/gloun-xception.md -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/docs/models/hrnet.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/docs/models/hrnet.md -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/docs/models/ig-resnext.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/docs/models/ig-resnext.md -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/docs/models/inception-resnet-v2.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/docs/models/inception-resnet-v2.md -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/docs/models/inception-v3.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/docs/models/inception-v3.md -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/docs/models/inception-v4.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/docs/models/inception-v4.md -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/docs/models/legacy-se-resnet.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/docs/models/legacy-se-resnet.md -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/docs/models/legacy-se-resnext.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/docs/models/legacy-se-resnext.md -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/docs/models/legacy-senet.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/docs/models/legacy-senet.md -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/docs/models/mixnet.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/docs/models/mixnet.md -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/docs/models/mnasnet.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/docs/models/mnasnet.md -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/docs/models/mobilenet-v2.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/docs/models/mobilenet-v2.md -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/docs/models/mobilenet-v3.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/docs/models/mobilenet-v3.md -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/docs/models/nasnet.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/docs/models/nasnet.md -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/docs/models/noisy-student.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/docs/models/noisy-student.md -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/docs/models/pnasnet.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/docs/models/pnasnet.md -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/docs/models/regnetx.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/docs/models/regnetx.md -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/docs/models/regnety.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/docs/models/regnety.md -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/docs/models/res2net.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/docs/models/res2net.md -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/docs/models/res2next.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/docs/models/res2next.md -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/docs/models/resnest.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/docs/models/resnest.md -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/docs/models/resnet-d.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/docs/models/resnet-d.md -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/docs/models/resnet.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/docs/models/resnet.md -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/docs/models/resnext.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/docs/models/resnext.md -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/docs/models/rexnet.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/docs/models/rexnet.md -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/docs/models/se-resnet.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/docs/models/se-resnet.md -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/docs/models/selecsls.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/docs/models/selecsls.md -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/docs/models/seresnext.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/docs/models/seresnext.md -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/docs/models/skresnet.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/docs/models/skresnet.md -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/docs/models/skresnext.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/docs/models/skresnext.md -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/docs/models/spnasnet.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/docs/models/spnasnet.md -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/docs/models/ssl-resnet.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/docs/models/ssl-resnet.md -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/docs/models/ssl-resnext.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/docs/models/ssl-resnext.md -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/docs/models/swsl-resnet.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/docs/models/swsl-resnet.md -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/docs/models/swsl-resnext.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/docs/models/swsl-resnext.md -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/docs/models/tf-efficientnet-condconv.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/docs/models/tf-efficientnet-condconv.md -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/docs/models/tf-efficientnet-lite.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/docs/models/tf-efficientnet-lite.md -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/docs/models/tf-efficientnet.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/docs/models/tf-efficientnet.md -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/docs/models/tf-inception-v3.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/docs/models/tf-inception-v3.md -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/docs/models/tf-mixnet.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/docs/models/tf-mixnet.md -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/docs/models/tf-mobilenet-v3.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/docs/models/tf-mobilenet-v3.md -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/docs/models/tresnet.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/docs/models/tresnet.md -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/docs/models/vision-transformer.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/docs/models/vision-transformer.md -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/docs/models/wide-resnet.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/docs/models/wide-resnet.md -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/docs/models/xception.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/docs/models/xception.md -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/docs/results.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/docs/results.md -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/docs/scripts.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/docs/scripts.md -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/docs/training_hparam_examples.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/docs/training_hparam_examples.md -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/get_data.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/get_data.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/get_transform.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/get_transform.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/hfdocs/source/_config.py: -------------------------------------------------------------------------------- 1 | default_branch_name = "master" -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/hfdocs/source/_toctree.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/hfdocs/source/_toctree.yml -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/hfdocs/source/archived_changes.mdx: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/hfdocs/source/archived_changes.mdx -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/hfdocs/source/changes.mdx: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/hfdocs/source/changes.mdx -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/hfdocs/source/feature_extraction.mdx: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/hfdocs/source/feature_extraction.mdx -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/hfdocs/source/index.mdx: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/hfdocs/source/index.mdx -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/hfdocs/source/model_pages.mdx: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/hfdocs/source/model_pages.mdx -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/hfdocs/source/models.mdx: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/hfdocs/source/models.mdx -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/hfdocs/source/models/adversarial-inception-v3.mdx: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/hfdocs/source/models/adversarial-inception-v3.mdx -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/hfdocs/source/models/advprop.mdx: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/hfdocs/source/models/advprop.mdx -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/hfdocs/source/models/big-transfer.mdx: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/hfdocs/source/models/big-transfer.mdx -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/hfdocs/source/models/csp-darknet.mdx: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/hfdocs/source/models/csp-darknet.mdx -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/hfdocs/source/models/csp-resnet.mdx: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/hfdocs/source/models/csp-resnet.mdx -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/hfdocs/source/models/csp-resnext.mdx: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/hfdocs/source/models/csp-resnext.mdx -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/hfdocs/source/models/densenet.mdx: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/hfdocs/source/models/densenet.mdx -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/hfdocs/source/models/dla.mdx: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/hfdocs/source/models/dla.mdx -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/hfdocs/source/models/dpn.mdx: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/hfdocs/source/models/dpn.mdx -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/hfdocs/source/models/ecaresnet.mdx: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/hfdocs/source/models/ecaresnet.mdx -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/hfdocs/source/models/efficientnet-pruned.mdx: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/hfdocs/source/models/efficientnet-pruned.mdx -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/hfdocs/source/models/efficientnet.mdx: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/hfdocs/source/models/efficientnet.mdx -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/hfdocs/source/models/ensemble-adversarial.mdx: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/hfdocs/source/models/ensemble-adversarial.mdx -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/hfdocs/source/models/ese-vovnet.mdx: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/hfdocs/source/models/ese-vovnet.mdx -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/hfdocs/source/models/fbnet.mdx: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/hfdocs/source/models/fbnet.mdx -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/hfdocs/source/models/gloun-inception-v3.mdx: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/hfdocs/source/models/gloun-inception-v3.mdx -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/hfdocs/source/models/gloun-resnet.mdx: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/hfdocs/source/models/gloun-resnet.mdx -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/hfdocs/source/models/gloun-resnext.mdx: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/hfdocs/source/models/gloun-resnext.mdx -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/hfdocs/source/models/gloun-senet.mdx: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/hfdocs/source/models/gloun-senet.mdx -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/hfdocs/source/models/gloun-seresnext.mdx: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/hfdocs/source/models/gloun-seresnext.mdx -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/hfdocs/source/models/gloun-xception.mdx: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/hfdocs/source/models/gloun-xception.mdx -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/hfdocs/source/models/hrnet.mdx: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/hfdocs/source/models/hrnet.mdx -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/hfdocs/source/models/ig-resnext.mdx: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/hfdocs/source/models/ig-resnext.mdx -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/hfdocs/source/models/inception-resnet-v2.mdx: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/hfdocs/source/models/inception-resnet-v2.mdx -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/hfdocs/source/models/inception-v3.mdx: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/hfdocs/source/models/inception-v3.mdx -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/hfdocs/source/models/inception-v4.mdx: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/hfdocs/source/models/inception-v4.mdx -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/hfdocs/source/models/legacy-se-resnet.mdx: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/hfdocs/source/models/legacy-se-resnet.mdx -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/hfdocs/source/models/legacy-se-resnext.mdx: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/hfdocs/source/models/legacy-se-resnext.mdx -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/hfdocs/source/models/legacy-senet.mdx: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/hfdocs/source/models/legacy-senet.mdx -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/hfdocs/source/models/mixnet.mdx: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/hfdocs/source/models/mixnet.mdx -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/hfdocs/source/models/mnasnet.mdx: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/hfdocs/source/models/mnasnet.mdx -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/hfdocs/source/models/mobilenet-v2.mdx: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/hfdocs/source/models/mobilenet-v2.mdx -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/hfdocs/source/models/mobilenet-v3.mdx: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/hfdocs/source/models/mobilenet-v3.mdx -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/hfdocs/source/models/nasnet.mdx: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/hfdocs/source/models/nasnet.mdx -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/hfdocs/source/models/noisy-student.mdx: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/hfdocs/source/models/noisy-student.mdx -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/hfdocs/source/models/pnasnet.mdx: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/hfdocs/source/models/pnasnet.mdx -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/hfdocs/source/models/regnetx.mdx: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/hfdocs/source/models/regnetx.mdx -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/hfdocs/source/models/regnety.mdx: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/hfdocs/source/models/regnety.mdx -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/hfdocs/source/models/res2net.mdx: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/hfdocs/source/models/res2net.mdx -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/hfdocs/source/models/res2next.mdx: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/hfdocs/source/models/res2next.mdx -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/hfdocs/source/models/resnest.mdx: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/hfdocs/source/models/resnest.mdx -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/hfdocs/source/models/resnet-d.mdx: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/hfdocs/source/models/resnet-d.mdx -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/hfdocs/source/models/resnet.mdx: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/hfdocs/source/models/resnet.mdx -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/hfdocs/source/models/resnext.mdx: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/hfdocs/source/models/resnext.mdx -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/hfdocs/source/models/rexnet.mdx: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/hfdocs/source/models/rexnet.mdx -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/hfdocs/source/models/se-resnet.mdx: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/hfdocs/source/models/se-resnet.mdx -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/hfdocs/source/models/selecsls.mdx: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/hfdocs/source/models/selecsls.mdx -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/hfdocs/source/models/seresnext.mdx: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/hfdocs/source/models/seresnext.mdx -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/hfdocs/source/models/skresnet.mdx: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/hfdocs/source/models/skresnet.mdx -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/hfdocs/source/models/skresnext.mdx: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/hfdocs/source/models/skresnext.mdx -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/hfdocs/source/models/spnasnet.mdx: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/hfdocs/source/models/spnasnet.mdx -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/hfdocs/source/models/ssl-resnet.mdx: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/hfdocs/source/models/ssl-resnet.mdx -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/hfdocs/source/models/swsl-resnet.mdx: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/hfdocs/source/models/swsl-resnet.mdx -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/hfdocs/source/models/swsl-resnext.mdx: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/hfdocs/source/models/swsl-resnext.mdx -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/hfdocs/source/models/tf-efficientnet-condconv.mdx: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/hfdocs/source/models/tf-efficientnet-condconv.mdx -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/hfdocs/source/models/tf-efficientnet-lite.mdx: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/hfdocs/source/models/tf-efficientnet-lite.mdx -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/hfdocs/source/models/tf-efficientnet.mdx: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/hfdocs/source/models/tf-efficientnet.mdx -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/hfdocs/source/models/tf-inception-v3.mdx: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/hfdocs/source/models/tf-inception-v3.mdx -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/hfdocs/source/models/tf-mixnet.mdx: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/hfdocs/source/models/tf-mixnet.mdx -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/hfdocs/source/models/tf-mobilenet-v3.mdx: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/hfdocs/source/models/tf-mobilenet-v3.mdx -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/hfdocs/source/models/tresnet.mdx: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/hfdocs/source/models/tresnet.mdx -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/hfdocs/source/models/wide-resnet.mdx: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/hfdocs/source/models/wide-resnet.mdx -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/hfdocs/source/models/xception.mdx: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/hfdocs/source/models/xception.mdx -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/hfdocs/source/results.mdx: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/hfdocs/source/results.mdx -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/hfdocs/source/scripts.mdx: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/hfdocs/source/scripts.mdx -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/hfdocs/source/training_hparam_examples.mdx: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/hfdocs/source/training_hparam_examples.mdx -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/hubconf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/hubconf.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/inference.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/inference.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/mkdocs.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/mkdocs.yml -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/model-index.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/model-index.yml -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/requirements-docs.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/requirements-docs.txt -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/requirements-modelindex.txt: -------------------------------------------------------------------------------- 1 | model-index==0.1.10 2 | jinja2==2.11.3 3 | -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/requirements.txt -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/setup.cfg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/setup.cfg -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/setup.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/setup.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/tests/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/tests/test_layers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/tests/test_layers.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/tests/test_models.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/tests/test_models.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/tests/test_optim.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/tests/test_optim.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/tests/test_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/tests/test_utils.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/__init__.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/data/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/data/__init__.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/data/auto_augment.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/data/auto_augment.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/data/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/data/config.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/data/constants.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/data/constants.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/data/dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/data/dataset.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/data/dataset_factory.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/data/dataset_factory.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/data/distributed_sampler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/data/distributed_sampler.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/data/loader.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/data/loader.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/data/mixup.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/data/mixup.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/data/parsers/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/data/parsers/__init__.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/data/parsers/class_map.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/data/parsers/class_map.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/data/parsers/img_extensions.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/data/parsers/img_extensions.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/data/parsers/parser.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/data/parsers/parser.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/data/parsers/parser_factory.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/data/parsers/parser_factory.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/data/parsers/parser_image_folder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/data/parsers/parser_image_folder.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/data/parsers/parser_image_in_tar.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/data/parsers/parser_image_in_tar.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/data/parsers/parser_image_tar.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/data/parsers/parser_image_tar.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/data/parsers/parser_tfds.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/data/parsers/parser_tfds.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/data/random_erasing.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/data/random_erasing.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/data/real_labels.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/data/real_labels.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/data/tf_preprocessing.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/data/tf_preprocessing.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/data/transforms.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/data/transforms.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/data/transforms_factory.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/data/transforms_factory.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/loss/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/loss/__init__.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/loss/asymmetric_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/loss/asymmetric_loss.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/loss/binary_cross_entropy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/loss/binary_cross_entropy.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/loss/cross_entropy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/loss/cross_entropy.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/loss/jsd.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/loss/jsd.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/models/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/models/__init__.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/models/beit.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/models/beit.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/models/byoanet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/models/byoanet.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/models/byobnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/models/byobnet.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/models/cait.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/models/cait.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/models/coat.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/models/coat.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/models/convit.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/models/convit.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/models/convmixer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/models/convmixer.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/models/convnext.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/models/convnext.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/models/crossvit.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/models/crossvit.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/models/cspnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/models/cspnet.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/models/deit.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/models/deit.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/models/densenet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/models/densenet.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/models/dla.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/models/dla.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/models/dpn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/models/dpn.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/models/edgenext.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/models/edgenext.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/models/efficientformer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/models/efficientformer.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/models/efficientnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/models/efficientnet.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/models/efficientnet_blocks.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/models/efficientnet_blocks.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/models/efficientnet_builder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/models/efficientnet_builder.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/models/factory.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/models/factory.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/models/features.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/models/features.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/models/fx_features.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/models/fx_features.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/models/gcvit.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/models/gcvit.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/models/ghostnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/models/ghostnet.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/models/gluon_resnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/models/gluon_resnet.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/models/gluon_xception.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/models/gluon_xception.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/models/hardcorenas.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/models/hardcorenas.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/models/helpers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/models/helpers.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/models/hrnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/models/hrnet.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/models/hub.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/models/hub.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/models/inception_resnet_v2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/models/inception_resnet_v2.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/models/inception_v3.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/models/inception_v3.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/models/inception_v4.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/models/inception_v4.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/models/layers/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/models/layers/__init__.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/models/layers/activations.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/models/layers/activations.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/models/layers/activations_jit.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/models/layers/activations_jit.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/models/layers/activations_me.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/models/layers/activations_me.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/models/layers/adaptive_avgmax_pool.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/models/layers/adaptive_avgmax_pool.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/models/layers/attention_pool2d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/models/layers/attention_pool2d.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/models/layers/blur_pool.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/models/layers/blur_pool.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/models/layers/bottleneck_attn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/models/layers/bottleneck_attn.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/models/layers/cbam.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/models/layers/cbam.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/models/layers/classifier.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/models/layers/classifier.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/models/layers/cond_conv2d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/models/layers/cond_conv2d.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/models/layers/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/models/layers/config.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/models/layers/conv2d_same.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/models/layers/conv2d_same.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/models/layers/conv_bn_act.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/models/layers/conv_bn_act.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/models/layers/create_act.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/models/layers/create_act.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/models/layers/create_attn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/models/layers/create_attn.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/models/layers/create_conv2d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/models/layers/create_conv2d.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/models/layers/create_norm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/models/layers/create_norm.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/models/layers/create_norm_act.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/models/layers/create_norm_act.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/models/layers/drop.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/models/layers/drop.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/models/layers/eca.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/models/layers/eca.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/models/layers/evo_norm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/models/layers/evo_norm.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/models/layers/fast_norm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/models/layers/fast_norm.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/models/layers/filter_response_norm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/models/layers/filter_response_norm.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/models/layers/gather_excite.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/models/layers/gather_excite.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/models/layers/global_context.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/models/layers/global_context.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/models/layers/halo_attn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/models/layers/halo_attn.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/models/layers/helpers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/models/layers/helpers.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/models/layers/inplace_abn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/models/layers/inplace_abn.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/models/layers/lambda_layer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/models/layers/lambda_layer.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/models/layers/linear.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/models/layers/linear.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/models/layers/median_pool.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/models/layers/median_pool.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/models/layers/mixed_conv2d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/models/layers/mixed_conv2d.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/models/layers/ml_decoder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/models/layers/ml_decoder.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/models/layers/mlp.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/models/layers/mlp.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/models/layers/non_local_attn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/models/layers/non_local_attn.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/models/layers/norm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/models/layers/norm.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/models/layers/norm_act.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/models/layers/norm_act.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/models/layers/padding.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/models/layers/padding.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/models/layers/patch_embed.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/models/layers/patch_embed.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/models/layers/pool2d_same.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/models/layers/pool2d_same.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/models/layers/pos_embed.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/models/layers/pos_embed.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/models/layers/selective_kernel.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/models/layers/selective_kernel.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/models/layers/separable_conv.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/models/layers/separable_conv.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/models/layers/space_to_depth.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/models/layers/space_to_depth.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/models/layers/split_attn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/models/layers/split_attn.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/models/layers/split_batchnorm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/models/layers/split_batchnorm.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/models/layers/squeeze_excite.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/models/layers/squeeze_excite.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/models/layers/std_conv.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/models/layers/std_conv.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/models/layers/test_time_pool.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/models/layers/test_time_pool.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/models/layers/trace_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/models/layers/trace_utils.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/models/layers/weight_init.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/models/layers/weight_init.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/models/levit.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/models/levit.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/models/maxxvit.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/models/maxxvit.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/models/mlp_mixer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/models/mlp_mixer.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/models/mobilenetv3.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/models/mobilenetv3.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/models/mobilevit.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/models/mobilevit.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/models/mvitv2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/models/mvitv2.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/models/nasnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/models/nasnet.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/models/nest.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/models/nest.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/models/nfnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/models/nfnet.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/models/pit.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/models/pit.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/models/pnasnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/models/pnasnet.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/models/poolformer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/models/poolformer.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/models/pruned/ecaresnet101d_pruned.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/models/pruned/ecaresnet101d_pruned.txt -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/models/pruned/ecaresnet50d_pruned.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/models/pruned/ecaresnet50d_pruned.txt -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/models/pruned/efficientnet_b1_pruned.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/models/pruned/efficientnet_b1_pruned.txt -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/models/pruned/efficientnet_b2_pruned.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/models/pruned/efficientnet_b2_pruned.txt -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/models/pruned/efficientnet_b3_pruned.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/models/pruned/efficientnet_b3_pruned.txt -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/models/pvt_v2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/models/pvt_v2.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/models/registry.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/models/registry.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/models/regnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/models/regnet.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/models/res2net.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/models/res2net.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/models/resnest.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/models/resnest.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/models/resnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/models/resnet.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/models/resnetv2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/models/resnetv2.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/models/rexnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/models/rexnet.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/models/selecsls.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/models/selecsls.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/models/senet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/models/senet.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/models/sequencer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/models/sequencer.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/models/sknet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/models/sknet.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/models/swin_transformer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/models/swin_transformer.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/models/swin_transformer_v2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/models/swin_transformer_v2.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/models/swin_transformer_v2_cr.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/models/swin_transformer_v2_cr.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/models/tnt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/models/tnt.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/models/tresnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/models/tresnet.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/models/twins.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/models/twins.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/models/vgg.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/models/vgg.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/models/visformer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/models/visformer.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/models/vision_transformer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/models/vision_transformer.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/models/vision_transformer_hybrid.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/models/vision_transformer_hybrid.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/models/vision_transformer_relpos.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/models/vision_transformer_relpos.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/models/volo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/models/volo.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/models/vovnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/models/vovnet.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/models/xception.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/models/xception.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/models/xception_aligned.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/models/xception_aligned.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/models/xcit.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/models/xcit.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/optim/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/optim/__init__.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/optim/adabelief.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/optim/adabelief.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/optim/adafactor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/optim/adafactor.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/optim/adahessian.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/optim/adahessian.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/optim/adamp.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/optim/adamp.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/optim/adamw.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/optim/adamw.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/optim/lamb.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/optim/lamb.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/optim/lars.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/optim/lars.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/optim/lookahead.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/optim/lookahead.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/optim/madgrad.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/optim/madgrad.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/optim/nadam.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/optim/nadam.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/optim/nvnovograd.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/optim/nvnovograd.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/optim/optim_factory.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/optim/optim_factory.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/optim/radam.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/optim/radam.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/optim/rmsprop_tf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/optim/rmsprop_tf.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/optim/sgdp.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/optim/sgdp.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/scheduler/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/scheduler/__init__.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/scheduler/cosine_lr.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/scheduler/cosine_lr.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/scheduler/multistep_lr.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/scheduler/multistep_lr.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/scheduler/plateau_lr.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/scheduler/plateau_lr.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/scheduler/poly_lr.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/scheduler/poly_lr.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/scheduler/scheduler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/scheduler/scheduler.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/scheduler/scheduler_factory.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/scheduler/scheduler_factory.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/scheduler/step_lr.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/scheduler/step_lr.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/scheduler/tanh_lr.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/scheduler/tanh_lr.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/utils/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/utils/__init__.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/utils/agc.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/utils/agc.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/utils/checkpoint_saver.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/utils/checkpoint_saver.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/utils/clip_grad.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/utils/clip_grad.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/utils/cuda.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/utils/cuda.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/utils/decay_batch.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/utils/decay_batch.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/utils/distributed.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/utils/distributed.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/utils/jit.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/utils/jit.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/utils/log.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/utils/log.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/utils/metrics.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/utils/metrics.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/utils/misc.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/utils/misc.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/utils/model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/utils/model.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/utils/model_ema.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/utils/model_ema.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/utils/random.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/utils/random.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/utils/summary.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/timm/utils/summary.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/timm/version.py: -------------------------------------------------------------------------------- 1 | __version__ = '0.6.12' 2 | -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/train.py -------------------------------------------------------------------------------- /ResNet50/pytorch-image-models-0.6.12/validate.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/ResNet50/pytorch-image-models-0.6.12/validate.py -------------------------------------------------------------------------------- /Swin-T/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/Swin-T/README.md -------------------------------------------------------------------------------- /Swin-T/Swin-Transformer-main/.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/Swin-T/Swin-Transformer-main/.gitignore -------------------------------------------------------------------------------- /Swin-T/Swin-Transformer-main/CODE_OF_CONDUCT.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/Swin-T/Swin-Transformer-main/CODE_OF_CONDUCT.md -------------------------------------------------------------------------------- /Swin-T/Swin-Transformer-main/LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/Swin-T/Swin-Transformer-main/LICENSE -------------------------------------------------------------------------------- /Swin-T/Swin-Transformer-main/MODELHUB.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/Swin-T/Swin-Transformer-main/MODELHUB.md -------------------------------------------------------------------------------- /Swin-T/Swin-Transformer-main/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/Swin-T/Swin-Transformer-main/README.md -------------------------------------------------------------------------------- /Swin-T/Swin-Transformer-main/SECURITY.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/Swin-T/Swin-Transformer-main/SECURITY.md -------------------------------------------------------------------------------- /Swin-T/Swin-Transformer-main/SUPPORT.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/Swin-T/Swin-Transformer-main/SUPPORT.md -------------------------------------------------------------------------------- /Swin-T/Swin-Transformer-main/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/Swin-T/Swin-Transformer-main/config.py -------------------------------------------------------------------------------- /Swin-T/Swin-Transformer-main/configs/simmim/simmim_finetune__swin_base__img224_window7__800ep.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/Swin-T/Swin-Transformer-main/configs/simmim/simmim_finetune__swin_base__img224_window7__800ep.yaml -------------------------------------------------------------------------------- /Swin-T/Swin-Transformer-main/configs/simmim/simmim_finetune__swinv2_base__img224_window14__800ep.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/Swin-T/Swin-Transformer-main/configs/simmim/simmim_finetune__swinv2_base__img224_window14__800ep.yaml -------------------------------------------------------------------------------- /Swin-T/Swin-Transformer-main/configs/simmim/simmim_pretrain__swin_base__img192_window6__800ep.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/Swin-T/Swin-Transformer-main/configs/simmim/simmim_pretrain__swin_base__img192_window6__800ep.yaml -------------------------------------------------------------------------------- /Swin-T/Swin-Transformer-main/configs/simmim/simmim_pretrain__swinv2_base__img192_window12__800ep.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/Swin-T/Swin-Transformer-main/configs/simmim/simmim_pretrain__swinv2_base__img192_window12__800ep.yaml -------------------------------------------------------------------------------- /Swin-T/Swin-Transformer-main/configs/swin/swin_base_patch4_window12_384_22kto1k_finetune.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/Swin-T/Swin-Transformer-main/configs/swin/swin_base_patch4_window12_384_22kto1k_finetune.yaml -------------------------------------------------------------------------------- /Swin-T/Swin-Transformer-main/configs/swin/swin_base_patch4_window12_384_finetune.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/Swin-T/Swin-Transformer-main/configs/swin/swin_base_patch4_window12_384_finetune.yaml -------------------------------------------------------------------------------- /Swin-T/Swin-Transformer-main/configs/swin/swin_base_patch4_window7_224.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/Swin-T/Swin-Transformer-main/configs/swin/swin_base_patch4_window7_224.yaml -------------------------------------------------------------------------------- /Swin-T/Swin-Transformer-main/configs/swin/swin_base_patch4_window7_224_22k.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/Swin-T/Swin-Transformer-main/configs/swin/swin_base_patch4_window7_224_22k.yaml -------------------------------------------------------------------------------- /Swin-T/Swin-Transformer-main/configs/swin/swin_base_patch4_window7_224_22kto1k_finetune.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/Swin-T/Swin-Transformer-main/configs/swin/swin_base_patch4_window7_224_22kto1k_finetune.yaml -------------------------------------------------------------------------------- /Swin-T/Swin-Transformer-main/configs/swin/swin_large_patch4_window12_384_22kto1k_finetune.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/Swin-T/Swin-Transformer-main/configs/swin/swin_large_patch4_window12_384_22kto1k_finetune.yaml -------------------------------------------------------------------------------- /Swin-T/Swin-Transformer-main/configs/swin/swin_large_patch4_window7_224_22k.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/Swin-T/Swin-Transformer-main/configs/swin/swin_large_patch4_window7_224_22k.yaml -------------------------------------------------------------------------------- /Swin-T/Swin-Transformer-main/configs/swin/swin_large_patch4_window7_224_22kto1k_finetune.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/Swin-T/Swin-Transformer-main/configs/swin/swin_large_patch4_window7_224_22kto1k_finetune.yaml -------------------------------------------------------------------------------- /Swin-T/Swin-Transformer-main/configs/swin/swin_small_patch4_window7_224.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/Swin-T/Swin-Transformer-main/configs/swin/swin_small_patch4_window7_224.yaml -------------------------------------------------------------------------------- /Swin-T/Swin-Transformer-main/configs/swin/swin_small_patch4_window7_224_22k.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/Swin-T/Swin-Transformer-main/configs/swin/swin_small_patch4_window7_224_22k.yaml -------------------------------------------------------------------------------- /Swin-T/Swin-Transformer-main/configs/swin/swin_small_patch4_window7_224_22kto1k_finetune.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/Swin-T/Swin-Transformer-main/configs/swin/swin_small_patch4_window7_224_22kto1k_finetune.yaml -------------------------------------------------------------------------------- /Swin-T/Swin-Transformer-main/configs/swin/swin_tiny_c24_patch4_window8_256.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/Swin-T/Swin-Transformer-main/configs/swin/swin_tiny_c24_patch4_window8_256.yaml -------------------------------------------------------------------------------- /Swin-T/Swin-Transformer-main/configs/swin/swin_tiny_patch4_window7_224.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/Swin-T/Swin-Transformer-main/configs/swin/swin_tiny_patch4_window7_224.yaml -------------------------------------------------------------------------------- /Swin-T/Swin-Transformer-main/configs/swin/swin_tiny_patch4_window7_224_22k.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/Swin-T/Swin-Transformer-main/configs/swin/swin_tiny_patch4_window7_224_22k.yaml -------------------------------------------------------------------------------- /Swin-T/Swin-Transformer-main/configs/swin/swin_tiny_patch4_window7_224_22kto1k_finetune.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/Swin-T/Swin-Transformer-main/configs/swin/swin_tiny_patch4_window7_224_22kto1k_finetune.yaml -------------------------------------------------------------------------------- /Swin-T/Swin-Transformer-main/configs/swinmlp/swin_mlp_base_patch4_window7_224.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/Swin-T/Swin-Transformer-main/configs/swinmlp/swin_mlp_base_patch4_window7_224.yaml -------------------------------------------------------------------------------- /Swin-T/Swin-Transformer-main/configs/swinmlp/swin_mlp_tiny_c12_patch4_window8_256.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/Swin-T/Swin-Transformer-main/configs/swinmlp/swin_mlp_tiny_c12_patch4_window8_256.yaml -------------------------------------------------------------------------------- /Swin-T/Swin-Transformer-main/configs/swinmlp/swin_mlp_tiny_c24_patch4_window8_256.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/Swin-T/Swin-Transformer-main/configs/swinmlp/swin_mlp_tiny_c24_patch4_window8_256.yaml -------------------------------------------------------------------------------- /Swin-T/Swin-Transformer-main/configs/swinmlp/swin_mlp_tiny_c6_patch4_window8_256.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/Swin-T/Swin-Transformer-main/configs/swinmlp/swin_mlp_tiny_c6_patch4_window8_256.yaml -------------------------------------------------------------------------------- /Swin-T/Swin-Transformer-main/configs/swinmoe/swin_moe_base_patch4_window12_192_16expert_32gpu_22k.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/Swin-T/Swin-Transformer-main/configs/swinmoe/swin_moe_base_patch4_window12_192_16expert_32gpu_22k.yaml -------------------------------------------------------------------------------- /Swin-T/Swin-Transformer-main/configs/swinmoe/swin_moe_base_patch4_window12_192_32expert_32gpu_22k.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/Swin-T/Swin-Transformer-main/configs/swinmoe/swin_moe_base_patch4_window12_192_32expert_32gpu_22k.yaml -------------------------------------------------------------------------------- /Swin-T/Swin-Transformer-main/configs/swinmoe/swin_moe_base_patch4_window12_192_8expert_32gpu_22k.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/Swin-T/Swin-Transformer-main/configs/swinmoe/swin_moe_base_patch4_window12_192_8expert_32gpu_22k.yaml -------------------------------------------------------------------------------- /Swin-T/Swin-Transformer-main/configs/swinmoe/swin_moe_base_patch4_window12_192_cosine_router_32expert_32gpu_22k.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/Swin-T/Swin-Transformer-main/configs/swinmoe/swin_moe_base_patch4_window12_192_cosine_router_32expert_32gpu_22k.yaml -------------------------------------------------------------------------------- /Swin-T/Swin-Transformer-main/configs/swinmoe/swin_moe_base_patch4_window12_192_densebaseline_22k.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/Swin-T/Swin-Transformer-main/configs/swinmoe/swin_moe_base_patch4_window12_192_densebaseline_22k.yaml -------------------------------------------------------------------------------- /Swin-T/Swin-Transformer-main/configs/swinmoe/swin_moe_small_patch4_window12_192_16expert_32gpu_22k.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/Swin-T/Swin-Transformer-main/configs/swinmoe/swin_moe_small_patch4_window12_192_16expert_32gpu_22k.yaml -------------------------------------------------------------------------------- /Swin-T/Swin-Transformer-main/configs/swinmoe/swin_moe_small_patch4_window12_192_32expert_32gpu_22k.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/Swin-T/Swin-Transformer-main/configs/swinmoe/swin_moe_small_patch4_window12_192_32expert_32gpu_22k.yaml -------------------------------------------------------------------------------- /Swin-T/Swin-Transformer-main/configs/swinmoe/swin_moe_small_patch4_window12_192_64expert_64gpu_22k.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/Swin-T/Swin-Transformer-main/configs/swinmoe/swin_moe_small_patch4_window12_192_64expert_64gpu_22k.yaml -------------------------------------------------------------------------------- /Swin-T/Swin-Transformer-main/configs/swinmoe/swin_moe_small_patch4_window12_192_8expert_32gpu_22k.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/Swin-T/Swin-Transformer-main/configs/swinmoe/swin_moe_small_patch4_window12_192_8expert_32gpu_22k.yaml -------------------------------------------------------------------------------- /Swin-T/Swin-Transformer-main/configs/swinmoe/swin_moe_small_patch4_window12_192_cosine_router_32expert_32gpu_22k.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/Swin-T/Swin-Transformer-main/configs/swinmoe/swin_moe_small_patch4_window12_192_cosine_router_32expert_32gpu_22k.yaml -------------------------------------------------------------------------------- /Swin-T/Swin-Transformer-main/configs/swinmoe/swin_moe_small_patch4_window12_192_densebaseline_22k.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/Swin-T/Swin-Transformer-main/configs/swinmoe/swin_moe_small_patch4_window12_192_densebaseline_22k.yaml -------------------------------------------------------------------------------- /Swin-T/Swin-Transformer-main/configs/swinv2/swinv2_base_patch4_window12_192_22k.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/Swin-T/Swin-Transformer-main/configs/swinv2/swinv2_base_patch4_window12_192_22k.yaml -------------------------------------------------------------------------------- /Swin-T/Swin-Transformer-main/configs/swinv2/swinv2_base_patch4_window12to16_192to256_22kto1k_ft.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/Swin-T/Swin-Transformer-main/configs/swinv2/swinv2_base_patch4_window12to16_192to256_22kto1k_ft.yaml -------------------------------------------------------------------------------- /Swin-T/Swin-Transformer-main/configs/swinv2/swinv2_base_patch4_window12to24_192to384_22kto1k_ft.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/Swin-T/Swin-Transformer-main/configs/swinv2/swinv2_base_patch4_window12to24_192to384_22kto1k_ft.yaml -------------------------------------------------------------------------------- /Swin-T/Swin-Transformer-main/configs/swinv2/swinv2_base_patch4_window16_256.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/Swin-T/Swin-Transformer-main/configs/swinv2/swinv2_base_patch4_window16_256.yaml -------------------------------------------------------------------------------- /Swin-T/Swin-Transformer-main/configs/swinv2/swinv2_base_patch4_window8_256.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/Swin-T/Swin-Transformer-main/configs/swinv2/swinv2_base_patch4_window8_256.yaml -------------------------------------------------------------------------------- /Swin-T/Swin-Transformer-main/configs/swinv2/swinv2_large_patch4_window12_192_22k.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/Swin-T/Swin-Transformer-main/configs/swinv2/swinv2_large_patch4_window12_192_22k.yaml -------------------------------------------------------------------------------- /Swin-T/Swin-Transformer-main/configs/swinv2/swinv2_large_patch4_window12to16_192to256_22kto1k_ft.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/Swin-T/Swin-Transformer-main/configs/swinv2/swinv2_large_patch4_window12to16_192to256_22kto1k_ft.yaml -------------------------------------------------------------------------------- /Swin-T/Swin-Transformer-main/configs/swinv2/swinv2_large_patch4_window12to24_192to384_22kto1k_ft.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/Swin-T/Swin-Transformer-main/configs/swinv2/swinv2_large_patch4_window12to24_192to384_22kto1k_ft.yaml -------------------------------------------------------------------------------- /Swin-T/Swin-Transformer-main/configs/swinv2/swinv2_small_patch4_window16_256.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/Swin-T/Swin-Transformer-main/configs/swinv2/swinv2_small_patch4_window16_256.yaml -------------------------------------------------------------------------------- /Swin-T/Swin-Transformer-main/configs/swinv2/swinv2_small_patch4_window8_256.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/Swin-T/Swin-Transformer-main/configs/swinv2/swinv2_small_patch4_window8_256.yaml -------------------------------------------------------------------------------- /Swin-T/Swin-Transformer-main/configs/swinv2/swinv2_tiny_patch4_window16_256.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/Swin-T/Swin-Transformer-main/configs/swinv2/swinv2_tiny_patch4_window16_256.yaml -------------------------------------------------------------------------------- /Swin-T/Swin-Transformer-main/configs/swinv2/swinv2_tiny_patch4_window8_256.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/Swin-T/Swin-Transformer-main/configs/swinv2/swinv2_tiny_patch4_window8_256.yaml -------------------------------------------------------------------------------- /Swin-T/Swin-Transformer-main/data/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/Swin-T/Swin-Transformer-main/data/__init__.py -------------------------------------------------------------------------------- /Swin-T/Swin-Transformer-main/data/build.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/Swin-T/Swin-Transformer-main/data/build.py -------------------------------------------------------------------------------- /Swin-T/Swin-Transformer-main/data/cached_image_folder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/Swin-T/Swin-Transformer-main/data/cached_image_folder.py -------------------------------------------------------------------------------- /Swin-T/Swin-Transformer-main/data/create_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/Swin-T/Swin-Transformer-main/data/create_dataset.py -------------------------------------------------------------------------------- /Swin-T/Swin-Transformer-main/data/data_simmim_ft.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/Swin-T/Swin-Transformer-main/data/data_simmim_ft.py -------------------------------------------------------------------------------- /Swin-T/Swin-Transformer-main/data/data_simmim_pt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/Swin-T/Swin-Transformer-main/data/data_simmim_pt.py -------------------------------------------------------------------------------- /Swin-T/Swin-Transformer-main/data/get_data.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/Swin-T/Swin-Transformer-main/data/get_data.py -------------------------------------------------------------------------------- /Swin-T/Swin-Transformer-main/data/get_transform.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/Swin-T/Swin-Transformer-main/data/get_transform.py -------------------------------------------------------------------------------- /Swin-T/Swin-Transformer-main/data/imagenet22k_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/Swin-T/Swin-Transformer-main/data/imagenet22k_dataset.py -------------------------------------------------------------------------------- /Swin-T/Swin-Transformer-main/data/map22kto1k.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/Swin-T/Swin-Transformer-main/data/map22kto1k.txt -------------------------------------------------------------------------------- /Swin-T/Swin-Transformer-main/data/samplers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/Swin-T/Swin-Transformer-main/data/samplers.py -------------------------------------------------------------------------------- /Swin-T/Swin-Transformer-main/data/zipreader.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/Swin-T/Swin-Transformer-main/data/zipreader.py -------------------------------------------------------------------------------- /Swin-T/Swin-Transformer-main/figures/teaser.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/Swin-T/Swin-Transformer-main/figures/teaser.png -------------------------------------------------------------------------------- /Swin-T/Swin-Transformer-main/get_started.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/Swin-T/Swin-Transformer-main/get_started.md -------------------------------------------------------------------------------- /Swin-T/Swin-Transformer-main/kernels/window_process/setup.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/Swin-T/Swin-Transformer-main/kernels/window_process/setup.py -------------------------------------------------------------------------------- /Swin-T/Swin-Transformer-main/kernels/window_process/swin_window_process.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/Swin-T/Swin-Transformer-main/kernels/window_process/swin_window_process.cpp -------------------------------------------------------------------------------- /Swin-T/Swin-Transformer-main/kernels/window_process/swin_window_process_kernel.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/Swin-T/Swin-Transformer-main/kernels/window_process/swin_window_process_kernel.cu -------------------------------------------------------------------------------- /Swin-T/Swin-Transformer-main/kernels/window_process/unit_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/Swin-T/Swin-Transformer-main/kernels/window_process/unit_test.py -------------------------------------------------------------------------------- /Swin-T/Swin-Transformer-main/kernels/window_process/window_process.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/Swin-T/Swin-Transformer-main/kernels/window_process/window_process.py -------------------------------------------------------------------------------- /Swin-T/Swin-Transformer-main/logger.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/Swin-T/Swin-Transformer-main/logger.py -------------------------------------------------------------------------------- /Swin-T/Swin-Transformer-main/lr_scheduler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/Swin-T/Swin-Transformer-main/lr_scheduler.py -------------------------------------------------------------------------------- /Swin-T/Swin-Transformer-main/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/Swin-T/Swin-Transformer-main/main.py -------------------------------------------------------------------------------- /Swin-T/Swin-Transformer-main/main_moe.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/Swin-T/Swin-Transformer-main/main_moe.py -------------------------------------------------------------------------------- /Swin-T/Swin-Transformer-main/main_simmim_ft.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/Swin-T/Swin-Transformer-main/main_simmim_ft.py -------------------------------------------------------------------------------- /Swin-T/Swin-Transformer-main/main_simmim_pt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/Swin-T/Swin-Transformer-main/main_simmim_pt.py -------------------------------------------------------------------------------- /Swin-T/Swin-Transformer-main/models/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/Swin-T/Swin-Transformer-main/models/__init__.py -------------------------------------------------------------------------------- /Swin-T/Swin-Transformer-main/models/build.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/Swin-T/Swin-Transformer-main/models/build.py -------------------------------------------------------------------------------- /Swin-T/Swin-Transformer-main/models/simmim.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/Swin-T/Swin-Transformer-main/models/simmim.py -------------------------------------------------------------------------------- /Swin-T/Swin-Transformer-main/models/swin_mlp.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/Swin-T/Swin-Transformer-main/models/swin_mlp.py -------------------------------------------------------------------------------- /Swin-T/Swin-Transformer-main/models/swin_transformer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/Swin-T/Swin-Transformer-main/models/swin_transformer.py -------------------------------------------------------------------------------- /Swin-T/Swin-Transformer-main/models/swin_transformer_moe.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/Swin-T/Swin-Transformer-main/models/swin_transformer_moe.py -------------------------------------------------------------------------------- /Swin-T/Swin-Transformer-main/models/swin_transformer_v2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/Swin-T/Swin-Transformer-main/models/swin_transformer_v2.py -------------------------------------------------------------------------------- /Swin-T/Swin-Transformer-main/optimizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/Swin-T/Swin-Transformer-main/optimizer.py -------------------------------------------------------------------------------- /Swin-T/Swin-Transformer-main/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/Swin-T/Swin-Transformer-main/utils.py -------------------------------------------------------------------------------- /Swin-T/Swin-Transformer-main/utils_moe.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/Swin-T/Swin-Transformer-main/utils_moe.py -------------------------------------------------------------------------------- /Swin-T/Swin-Transformer-main/utils_simmim.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/Swin-T/Swin-Transformer-main/utils_simmim.py -------------------------------------------------------------------------------- /Swin-T/Swin-Transformer-main/validate.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/Swin-T/Swin-Transformer-main/validate.py -------------------------------------------------------------------------------- /Swin-T/swin_environment.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/Swin-T/swin_environment.yml -------------------------------------------------------------------------------- /class_map.txt: -------------------------------------------------------------------------------- 1 | nature 2 | ai -------------------------------------------------------------------------------- /compute_qf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/compute_qf.py -------------------------------------------------------------------------------- /download_genimage.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/download_genimage.py -------------------------------------------------------------------------------- /jpeg_augment.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/jpeg_augment.py -------------------------------------------------------------------------------- /results/results_resnet.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/results/results_resnet.png -------------------------------------------------------------------------------- /results/results_resnet_diff.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/results/results_resnet_diff.png -------------------------------------------------------------------------------- /results/results_swin.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/results/results_swin.png -------------------------------------------------------------------------------- /results/results_swin_diff.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gendetection/UnbiasedGenImage/HEAD/results/results_swin_diff.png --------------------------------------------------------------------------------