├── .gitignore ├── Image_segmentation ├── DeepLabV3 │ ├── README.md │ ├── config │ │ └── example.yaml │ ├── data │ │ └── test │ │ │ ├── 0cdf5b5d0ce1_07.jpg │ │ │ ├── 0ce66b539f52_08.jpg │ │ │ ├── 0d53224da2b7_13.jpg │ │ │ ├── 1aba91a601c6_07.jpg │ │ │ ├── 1c5748340af8_08.jpg │ │ │ └── 2c57132da7a0_08.jpg │ ├── dataLoader │ │ ├── __init__.py │ │ ├── base_dataset.py │ │ ├── dataloader.py │ │ ├── transforms.py │ │ └── voc_dataset.py │ ├── deeplabv3_resnet50.png │ ├── display_dataset.py │ ├── models │ │ ├── __init__.py │ │ ├── deeplabv3.py │ │ ├── mobilenet_backbone.py │ │ ├── network.py │ │ └── resnet_backbone.py │ ├── palette.json │ ├── predict.py │ ├── train.py │ └── utils │ │ ├── __init__.py │ │ ├── color.py │ │ ├── confusion_matrix.py │ │ ├── draw.py │ │ ├── label.py │ │ └── utils.py ├── DeepLabV3Plus │ ├── README.md │ ├── config │ │ └── example.yaml │ ├── data │ │ └── test │ │ │ ├── 0cdf5b5d0ce1_07.jpg │ │ │ ├── 0ce66b539f52_08.jpg │ │ │ ├── 0d53224da2b7_13.jpg │ │ │ ├── 1aba91a601c6_07.jpg │ │ │ ├── 1c5748340af8_08.jpg │ │ │ └── 2c57132da7a0_08.jpg │ ├── dataLoader │ │ ├── __init__.py │ │ ├── base_dataset.py │ │ ├── dataloader.py │ │ ├── transforms.py │ │ └── voc_dataset.py │ ├── display_dataset.py │ ├── models │ │ ├── __init__.py │ │ ├── deeplabv3.py │ │ ├── deeplabv3plus.py │ │ ├── mobilenet_backbone.py │ │ ├── network.png │ │ ├── network.py │ │ └── resnet_backbone.py │ ├── palette.json │ ├── predict.py │ ├── train.py │ └── utils │ │ ├── __init__.py │ │ ├── color.py │ │ ├── confusion_matrix.py │ │ ├── draw.py │ │ ├── label.py │ │ └── utils.py ├── FCN │ ├── README.md │ ├── data │ │ ├── 2007_000032.png │ │ ├── test.jpg │ │ └── test1.jpg │ ├── dataLoader │ │ ├── __init__.py │ │ ├── dataLoader.py │ │ └── transforms.py │ ├── models │ │ ├── __init__.py │ │ ├── backbone.py │ │ └── networks.py │ ├── pascal_voc_classes.json │ ├── predict.py │ ├── requirements.txt │ ├── train.py │ ├── train_multi_GPU.py │ ├── utils │ │ ├── 2007_000032.png │ │ ├── __init__.py │ │ ├── distributed_utils.py │ │ ├── get_palette.py │ │ ├── palette.json │ │ └── train_and_eval.py │ └── validation.py ├── HR-Net-Seg │ ├── README.md │ ├── config │ │ └── example.yaml │ ├── data │ │ ├── 0cdf5b5d0ce1_01.jpg │ │ ├── 0ce66b539f52_04.jpg │ │ └── 0d1a9caf4350_08.jpg │ ├── dataLoader │ │ ├── __init_.py │ │ ├── base_dataset.py │ │ ├── dataloader.py │ │ └── my_dataset.py │ ├── loss │ │ ├── CrossEntropyLoss.py │ │ ├── OhemCrossEntropy.py │ │ ├── __init__.py │ │ └── dice_score.py │ ├── models │ │ ├── __init__.py │ │ ├── network.py │ │ └── seg_hrnet.py │ ├── palette.json │ ├── predict.py │ ├── train.py │ └── utils │ │ ├── __init__.py │ │ ├── evaluate.py │ │ ├── modelsummary.py │ │ └── utils.py ├── U-Net │ ├── README.md │ ├── data │ │ ├── imgs │ │ │ └── .keep │ │ └── masks │ │ │ └── .keep │ ├── dataLoader │ │ ├── __init__.py │ │ └── dataLoader.py │ ├── evaluate.py │ ├── loss │ │ ├── __init__.py │ │ └── dice_score.py │ ├── models │ │ ├── __init__.py │ │ └── networks.py │ ├── predict.py │ ├── train.py │ └── utils │ │ ├── __init__.py │ │ ├── logger.py │ │ ├── palette.json │ │ └── utils.py └── few_shot_segmentation │ ├── README.md │ ├── config │ ├── test.yaml │ └── train.yaml │ ├── dataset │ ├── Dataset.py │ ├── __init__.py │ ├── coco.py │ ├── data │ │ └── splits │ │ │ ├── coco │ │ │ ├── trn │ │ │ │ ├── fold0.pkl │ │ │ │ ├── fold1.pkl │ │ │ │ ├── fold2.pkl │ │ │ │ └── fold3.pkl │ │ │ └── val │ │ │ │ ├── fold0.pkl │ │ │ │ ├── fold1.pkl │ │ │ │ ├── fold2.pkl │ │ │ │ └── fold3.pkl │ │ │ ├── fss │ │ │ ├── test.txt │ │ │ ├── trn.txt │ │ │ └── val.txt │ │ │ ├── output │ │ │ ├── trn │ │ │ │ ├── fold0.txt │ │ │ │ ├── fold1.txt │ │ │ │ ├── fold2.txt │ │ │ │ └── fold3.txt │ │ │ └── val │ │ │ │ ├── fold0.txt │ │ │ │ ├── fold1.txt │ │ │ │ ├── fold2.txt │ │ │ │ └── fold3.txt │ │ │ ├── pascal │ │ │ ├── trn │ │ │ │ ├── fold0.txt │ │ │ │ ├── fold1.txt │ │ │ │ ├── fold2.txt │ │ │ │ └── fold3.txt │ │ │ └── val │ │ │ │ ├── fold0.txt │ │ │ │ ├── fold1.txt │ │ │ │ ├── fold2.txt │ │ │ │ └── fold3.txt │ │ │ └── split_data.py │ ├── fewshot.py │ ├── fss.py │ ├── pascal.py │ ├── train.txt │ └── transform.py │ ├── models │ ├── __init__.py │ ├── backbone │ │ ├── __init__.py │ │ └── resnet.py │ └── sspnet.py │ ├── predict.py │ ├── pretrained │ └── .keep │ ├── test.py │ ├── train.py │ └── utils │ ├── __init__.py │ ├── evaluation.py │ ├── torch_utils.py │ └── vis.py ├── LICENSE ├── README.md ├── classification ├── GoogleNet │ ├── README.md │ ├── config.py │ ├── configs │ │ └── googlenet.yaml │ ├── data │ │ ├── class_indices.json │ │ ├── test │ │ │ ├── 1.jpeg │ │ │ ├── 2.jpeg │ │ │ └── 3.jpeg │ │ ├── train.txt │ │ └── val.txt │ ├── dataLoader │ │ ├── __init__.py │ │ ├── build.py │ │ ├── cached_image_folder.py │ │ ├── imagenet22k_dataset.py │ │ ├── map22kto1k.txt │ │ ├── samplers.py │ │ ├── standard_dataset.py │ │ └── zipreader.py │ ├── figures │ │ ├── figure1.png │ │ ├── figure2.png │ │ └── figure3.png │ ├── main.py │ ├── models │ │ ├── __init__.py │ │ ├── build.py │ │ └── googlenet.py │ ├── predict.py │ └── utils │ │ ├── __init__.py │ │ ├── logger.py │ │ ├── lr_scheduler.py │ │ ├── optimizer.py │ │ └── torch_utils.py ├── RepVGG │ ├── README.md │ ├── class_indices.json │ ├── config │ │ └── train.yaml │ ├── convert.py │ ├── data │ │ ├── class_indices.json │ │ ├── test │ │ │ ├── 1.jpeg │ │ │ ├── 2.jpeg │ │ │ └── 3.jpeg │ │ ├── train.txt │ │ └── val.txt │ ├── dataLoader │ │ ├── __init__.py │ │ ├── dataSet.py │ │ └── dataloader.py │ ├── models │ │ ├── __init__.py │ │ ├── repvgg.py │ │ ├── repvggplus.py │ │ └── se_block.py │ ├── predict.py │ ├── test.py │ ├── train.py │ └── utils │ │ ├── __init__.py │ │ ├── distributed_utils.py │ │ ├── eval_utils.py │ │ └── torch_utils.py ├── ShuffleNet │ ├── README.md │ ├── class_indices.json │ ├── config │ │ └── train.yaml │ ├── data │ │ ├── class_indices.json │ │ ├── classes.jpg │ │ ├── test │ │ │ ├── 1.jpeg │ │ │ ├── 2.jpeg │ │ │ └── 3.jpeg │ │ ├── train.txt │ │ └── val.txt │ ├── dataLoader │ │ ├── __init__.py │ │ ├── dataSet.py │ │ └── dataloader.py │ ├── models │ │ ├── __init__.py │ │ ├── se_block.py │ │ ├── shufflenetv1.py │ │ └── shufflenetv2.py │ ├── predict.py │ ├── test.py │ ├── train.py │ └── utils │ │ ├── __init__.py │ │ ├── eval_utils.py │ │ └── torch_utils.py ├── TransFG │ ├── README.md │ ├── class_indices.json │ ├── config │ │ └── example.yaml │ ├── dataLoader │ │ ├── __init__.py │ │ ├── autoaugment.py │ │ ├── base_dataset.py │ │ └── dataset.py │ ├── logs │ │ ├── TransFG_CUB │ │ │ ├── config.yaml │ │ │ └── train.log │ │ └── TransFG_CUB_bs4 │ │ │ ├── config.yaml │ │ │ └── train.log │ ├── losses │ │ ├── __init__.py │ │ ├── contrastive_loss.py │ │ └── labelSmoothing.py │ ├── models │ │ ├── __init__.py │ │ └── transfg.py │ ├── test.py │ ├── train.py │ └── utils │ │ ├── __init__.py │ │ ├── builder.py │ │ ├── dist.py │ │ ├── schuduler.py │ │ └── util.py ├── coatNet │ ├── README.md │ ├── class_indices.json │ ├── data │ │ └── test │ │ │ ├── 1.jpeg │ │ │ ├── 2.jpeg │ │ │ └── 3.jpeg │ ├── dataLoader │ │ ├── __init__.py │ │ ├── dataLoader.py │ │ └── dataSet.py │ ├── models │ │ ├── __init__.py │ │ └── networks.py │ ├── test.py │ ├── train.py │ └── utils.py ├── convNext │ ├── README.md │ ├── class_indices.json │ ├── data │ │ └── test │ │ │ ├── 1.jpeg │ │ │ ├── 2.jpeg │ │ │ └── 3.jpeg │ ├── dataLoader │ │ ├── _init__.py │ │ ├── dataLoader.py │ │ └── dataSet.py │ ├── models │ │ ├── __init__.py │ │ └── networks.py │ ├── test.py │ ├── train.py │ └── utils.py ├── efficientNet │ ├── README.md │ ├── class_indices.json │ ├── data │ │ └── data.txt │ ├── dataLoader │ │ ├── __init__.py │ │ ├── dataLoader.py │ │ └── dataSet.py │ ├── doc │ │ ├── MBConv.png │ │ ├── SE.png │ │ ├── efficientB0-B7.png │ │ └── efficientB0.png │ ├── models │ │ ├── __init__.py │ │ └── network.py │ ├── pre_train_model │ │ └── pre_train_model.txt │ ├── test.py │ ├── train.py │ ├── trans_weights_to_pytorch.py │ └── utils.py ├── mnist │ ├── README.md │ ├── data │ │ ├── data.txt │ │ └── test │ │ │ ├── 0_00001.jpg │ │ │ ├── 0_00018.jpg │ │ │ ├── 1_00714.jpg │ │ │ ├── 1_00715.jpg │ │ │ ├── 1_00724.jpg │ │ │ ├── 1_00725.jpg │ │ │ ├── 1_00732.jpg │ │ │ ├── 1_00733.jpg │ │ │ ├── 1_00735.jpg │ │ │ ├── 1_00738.jpg │ │ │ ├── 2_00939.jpg │ │ │ ├── 2_00940.jpg │ │ │ ├── 2_00948.jpg │ │ │ ├── 2_00952.jpg │ │ │ ├── 2_00960.jpg │ │ │ ├── 3_00906.jpg │ │ │ ├── 3_00907.jpg │ │ │ ├── 3_00910.jpg │ │ │ ├── 3_00920.jpg │ │ │ ├── 3_00928.jpg │ │ │ ├── 4_00786.jpg │ │ │ ├── 4_00791.jpg │ │ │ ├── 4_00800.jpg │ │ │ ├── 4_00807.jpg │ │ │ ├── 5_00674.jpg │ │ │ ├── 5_00678.jpg │ │ │ ├── 5_00685.jpg │ │ │ ├── 6_00632.jpg │ │ │ ├── 6_00641.jpg │ │ │ ├── 6_00643.jpg │ │ │ ├── 6_00645.jpg │ │ │ ├── 6_00654.jpg │ │ │ ├── 7_00475.jpg │ │ │ ├── 7_00774.jpg │ │ │ ├── 7_00776.jpg │ │ │ ├── 7_00785.jpg │ │ │ ├── 8_00668.jpg │ │ │ ├── 8_00680.jpg │ │ │ ├── 9_00604.jpg │ │ │ └── 9_00609.jpg │ ├── dataLoader │ │ ├── dataLoader.py │ │ └── dataSet.py │ ├── models │ │ └── network.py │ ├── pre_train_model │ │ └── pre_train_model.txt │ ├── test.py │ ├── train.py │ └── utils.py ├── resnest │ ├── README.md │ ├── class_indices.json │ ├── config.py │ ├── configs │ │ ├── resnest101.yaml │ │ ├── resnest18.yaml │ │ ├── resnest200.yaml │ │ ├── resnest269.yaml │ │ ├── resnest50.yaml │ │ ├── resnest50_fast_1s1x64d.yaml │ │ ├── resnest50_fast_1s2x40d.yaml │ │ ├── resnest50_fast_1s4x24d.yaml │ │ ├── resnest50_fast_2s1x64d.yaml │ │ ├── resnest50_fast_2s2x40d.yaml │ │ ├── resnest50_fast_4s1x64d.yaml │ │ └── resnest50_fast_4s2x40d.yaml │ ├── data │ │ ├── class_indices.json │ │ ├── test │ │ │ ├── 1.jpeg │ │ │ ├── 2.jpeg │ │ │ └── 3.jpeg │ │ ├── train.txt │ │ └── val.txt │ ├── dataLoader │ │ ├── __init__.py │ │ ├── build.py │ │ ├── cached_image_folder.py │ │ ├── imagenet22k_dataset.py │ │ ├── map22kto1k.txt │ │ ├── samplers.py │ │ ├── standard_dataset.py │ │ └── zipreader.py │ ├── figures │ │ ├── figure1.png │ │ ├── figure2.png │ │ ├── figure3.png │ │ └── figure4.png │ ├── main.py │ ├── models │ │ ├── __init__.py │ │ ├── build.py │ │ ├── resnest.py │ │ └── splat.py │ ├── predict.py │ └── utils │ │ ├── __init__.py │ │ ├── logger.py │ │ ├── lr_scheduler.py │ │ ├── optimizer.py │ │ └── torch_utils.py ├── resnet │ ├── README.md │ ├── class_indices.json │ ├── data │ │ └── test │ │ │ ├── 1.jpeg │ │ │ ├── 2.jpeg │ │ │ └── 3.jpeg │ ├── dataLoader │ │ ├── __init__.py │ │ ├── dataLoader.py │ │ └── dataSet.py │ ├── models │ │ ├── __init__.py │ │ └── networks.py │ ├── test.py │ ├── train.py │ └── utils.py ├── resnext │ ├── README.md │ ├── config.py │ ├── configs │ │ ├── resnext101_32x8d.yaml │ │ └── resnext50_32x4d.yaml │ ├── data │ │ ├── class_indices.json │ │ ├── test │ │ │ ├── 1.jpeg │ │ │ ├── 2.jpeg │ │ │ └── 3.jpeg │ │ ├── train.txt │ │ └── val.txt │ ├── dataLoader │ │ ├── __init__.py │ │ ├── build.py │ │ ├── cached_image_folder.py │ │ ├── imagenet22k_dataset.py │ │ ├── map22kto1k.txt │ │ ├── samplers.py │ │ ├── standard_dataset.py │ │ └── zipreader.py │ ├── figures │ │ ├── figure1.png │ │ ├── figure2.png │ │ └── figure3.png │ ├── main.py │ ├── models │ │ ├── __init__.py │ │ ├── build.py │ │ └── resNext.py │ ├── predict.py │ └── utils │ │ ├── __init__.py │ │ ├── logger.py │ │ ├── lr_scheduler.py │ │ ├── optimizer.py │ │ └── torch_utils.py ├── seNet │ ├── README.md │ ├── class_indices.json │ ├── data │ │ └── test │ │ │ ├── 1.jpeg │ │ │ ├── 2.jpeg │ │ │ └── 3.jpeg │ ├── dataLoader │ │ ├── __init__.py │ │ ├── dataLoader.py │ │ └── dataSet.py │ ├── models │ │ ├── __init__.py │ │ ├── networks.py │ │ ├── se_module.py │ │ └── se_resnet.py │ ├── test.py │ ├── train.py │ └── utils.py ├── skNet │ ├── README.md │ ├── class_indices.json │ ├── config.py │ ├── configs │ │ ├── sknet101.yaml │ │ ├── sknet26.yaml │ │ └── sknet50.yaml │ ├── data │ │ ├── class_indices.json │ │ ├── test │ │ │ ├── 1.jpeg │ │ │ ├── 2.jpeg │ │ │ └── 3.jpeg │ │ ├── train.txt │ │ └── val.txt │ ├── dataLoader │ │ ├── __init__.py │ │ ├── build.py │ │ ├── cached_image_folder.py │ │ ├── imagenet22k_dataset.py │ │ ├── map22kto1k.txt │ │ ├── samplers.py │ │ ├── standard_dataset.py │ │ └── zipreader.py │ ├── figures │ │ ├── figure1.png │ │ └── figure2.png │ ├── main.py │ ├── models │ │ ├── __init__.py │ │ ├── build.py │ │ └── sknet.py │ ├── predict.py │ └── utils │ │ ├── __init__.py │ │ ├── logger.py │ │ ├── lr_scheduler.py │ │ ├── optimizer.py │ │ └── torch_utils.py ├── swin_transformer │ ├── README.md │ ├── class_indices.json │ ├── config.py │ ├── configs │ │ ├── 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 │ │ ├── class_indices.json │ │ ├── test │ │ │ ├── 1.jpeg │ │ │ ├── 2.jpeg │ │ │ └── 3.jpeg │ │ ├── train.txt │ │ └── val.txt │ ├── dataLoader │ │ ├── __init__.py │ │ ├── build.py │ │ ├── cached_image_folder.py │ │ ├── imagenet22k_dataset.py │ │ ├── map22kto1k.txt │ │ ├── samplers.py │ │ ├── standard_dataset.py │ │ └── zipreader.py │ ├── figures │ │ └── teaser.png │ ├── kernels │ │ └── window_process │ │ │ ├── setup.py │ │ │ ├── swin_window_process.cpp │ │ │ ├── swin_window_process_kernel.cu │ │ │ ├── unit_test.py │ │ │ └── window_process.py │ ├── main.py │ ├── models │ │ ├── __init__.py │ │ ├── build.py │ │ ├── swin_mlp.py │ │ ├── swin_transformer.py │ │ ├── swin_transformer_moe.py │ │ └── swin_transformer_v2.py │ ├── predict.py │ └── utils │ │ ├── __init__.py │ │ ├── logger.py │ │ ├── lr_scheduler.py │ │ ├── optimizer.py │ │ └── torch_utils.py ├── vggNet │ ├── README.md │ ├── data │ │ └── test │ │ │ ├── 1.jpeg │ │ │ ├── 2.jpeg │ │ │ └── 3.jpeg │ ├── dataLoader │ │ ├── __init__.py │ │ ├── dataLoader.py │ │ └── dataSet.py │ ├── models │ │ ├── __init__.py │ │ └── network.py │ ├── test.py │ ├── train.py │ └── utils.py └── vision_transformer │ ├── README.md │ ├── flops.py │ ├── my_dataset.py │ ├── predict.py │ ├── test_img │ ├── 1.jpeg │ ├── 2.jpeg │ └── 3.jpeg │ ├── train.py │ ├── utils.py │ └── vit_model.py ├── competation └── README.md ├── deep_stereo └── Real_time_self_adaptive_depp_stereo │ ├── README.md │ ├── Sampler │ ├── __init__.py │ └── sampler_factory.py │ ├── Stereo_Online_Adaptation.py │ ├── block_config │ └── MadNet_piramid.json │ ├── data_utils │ ├── __init__.py │ ├── data_reader.py │ ├── file_path.txt │ └── preprocessing.py │ ├── doc │ └── 实时双目立体匹配.drawio │ ├── losses │ ├── __init__.py │ └── loss_factory.py │ ├── models │ ├── MadNet.py │ ├── __init__.py │ └── conv_with_same_pad.py │ ├── trans_weight_to_pytorch.py │ └── utils │ ├── __init__.py │ └── op_utils.py ├── detection ├── FCOS │ ├── README.md │ ├── data │ │ ├── __init__.py │ │ ├── coco.py │ │ ├── coco_classes.py │ │ ├── data_augment.py │ │ ├── voc.py │ │ └── voc_classes.py │ ├── detect.py │ ├── inference.yaml │ ├── models │ │ ├── __init__.py │ │ ├── backbone │ │ │ ├── __init__.py │ │ │ └── resnet.py │ │ ├── fcos.py │ │ ├── fpn_neck.py │ │ ├── head.py │ │ ├── loss.py │ │ └── model.yaml │ ├── train.py │ ├── trainers │ │ ├── __init__.py │ │ ├── eval_voc.py │ │ └── trainer.py │ └── utils │ │ ├── __init__.py │ │ ├── logger.py │ │ └── utils.py ├── FPN │ ├── README.md │ ├── doc │ │ ├── fpn.png │ │ ├── resnetB_D.png │ │ └── subnet.png │ └── fpn_model.py ├── RetinaNet │ ├── .gitignore │ ├── README.md │ ├── backbone │ │ ├── __init__.py │ │ ├── feature_pyramid_network.py │ │ └── resnet50_fpn_model.py │ ├── doc │ │ ├── 2007_001185.jpg │ │ ├── 2007_001288.jpg │ │ ├── loss.png │ │ ├── resnet.png │ │ ├── resnet1.png │ │ ├── resnet2.png │ │ ├── retinanet.png │ │ ├── subnet.png │ │ ├── test_result.jpg │ │ └── 样本匹配.png │ ├── draw_box_utils.py │ ├── focal_loss.py │ ├── my_dataset.py │ ├── network_files │ │ ├── __init__.py │ │ ├── anchor_utils.py │ │ ├── boxes.py │ │ ├── det_utils.py │ │ ├── image_list.py │ │ ├── losses.py │ │ ├── retinanet.py │ │ └── transform.py │ ├── pascal_voc_classes.json │ ├── plot_curve.py │ ├── predict.py │ ├── requirements.txt │ ├── results20210421-142632.txt │ ├── test.py │ ├── train.py │ ├── train_multi_GPU.py │ ├── train_utils │ │ ├── __init__.py │ │ ├── coco_eval.py │ │ ├── coco_utils.py │ │ ├── distributed_utils.py │ │ ├── group_by_aspect_ratio.py │ │ └── train_eval_utils.py │ ├── transforms.py │ └── validation.py ├── YOLOX │ ├── .gitignore │ ├── LICENSE │ ├── README.md │ ├── assets │ │ ├── demo.png │ │ ├── dog.jpg │ │ ├── git_fig.png │ │ └── logo.png │ ├── datasets │ │ └── voc │ │ │ ├── test2007 │ │ │ ├── Annotations │ │ │ │ └── road9.xml │ │ │ └── JPEGImages │ │ │ │ └── road9.png │ │ │ └── train2007 │ │ │ ├── Annotations │ │ │ └── road0.xml │ │ │ └── JPEGImages │ │ │ └── road0.png │ ├── demo │ │ ├── MegEngine │ │ │ ├── cpp │ │ │ │ ├── README.md │ │ │ │ ├── build.sh │ │ │ │ └── yolox.cpp │ │ │ └── python │ │ │ │ ├── README.md │ │ │ │ ├── build.py │ │ │ │ ├── convert_weights.py │ │ │ │ ├── demo.py │ │ │ │ ├── dump.py │ │ │ │ └── models │ │ │ │ ├── __init__.py │ │ │ │ ├── darknet.py │ │ │ │ ├── network_blocks.py │ │ │ │ ├── yolo_fpn.py │ │ │ │ ├── yolo_head.py │ │ │ │ ├── yolo_pafpn.py │ │ │ │ └── yolox.py │ │ ├── ONNXRuntime │ │ │ ├── README.md │ │ │ └── onnx_inference.py │ │ ├── OpenVINO │ │ │ ├── README.md │ │ │ ├── cpp │ │ │ │ ├── CMakeLists.txt │ │ │ │ ├── README.md │ │ │ │ └── yolox_openvino.cpp │ │ │ └── python │ │ │ │ ├── README.md │ │ │ │ └── openvino_inference.py │ │ ├── TensorRT │ │ │ ├── cpp │ │ │ │ ├── CMakeLists.txt │ │ │ │ ├── README.md │ │ │ │ ├── logging.h │ │ │ │ └── yolox.cpp │ │ │ └── python │ │ │ │ └── README.md │ │ └── ncnn │ │ │ ├── android │ │ │ ├── README.md │ │ │ ├── app │ │ │ │ ├── build.gradle │ │ │ │ └── src │ │ │ │ │ └── main │ │ │ │ │ ├── AndroidManifest.xml │ │ │ │ │ ├── assets │ │ │ │ │ └── yolox.param │ │ │ │ │ ├── java │ │ │ │ │ └── com │ │ │ │ │ │ └── megvii │ │ │ │ │ │ └── yoloXncnn │ │ │ │ │ │ ├── MainActivity.java │ │ │ │ │ │ └── yoloXncnn.java │ │ │ │ │ ├── jni │ │ │ │ │ ├── CMakeLists.txt │ │ │ │ │ └── yoloXncnn_jni.cpp │ │ │ │ │ └── res │ │ │ │ │ ├── layout │ │ │ │ │ └── main.xml │ │ │ │ │ └── values │ │ │ │ │ └── strings.xml │ │ │ ├── build.gradle │ │ │ ├── gradle │ │ │ │ └── wrapper │ │ │ │ │ ├── gradle-wrapper.jar │ │ │ │ │ └── gradle-wrapper.properties │ │ │ ├── gradlew │ │ │ ├── gradlew.bat │ │ │ └── settings.gradle │ │ │ └── cpp │ │ │ ├── README.md │ │ │ └── yolox.cpp │ ├── docs │ │ ├── .gitignore │ │ ├── Makefile │ │ ├── _static │ │ │ └── css │ │ │ │ └── custom.css │ │ ├── conf.py │ │ ├── demo │ │ │ ├── megengine_cpp_readme.md │ │ │ ├── megengine_py_readme.md │ │ │ ├── ncnn_android_readme.md │ │ │ ├── ncnn_cpp_readme.md │ │ │ ├── onnx_readme.md │ │ │ ├── openvino_cpp_readme.md │ │ │ ├── openvino_py_readme.md │ │ │ ├── trt_cpp_readme.md │ │ │ └── trt_py_readme.md │ │ ├── index.rst │ │ ├── manipulate_training_image_size.md │ │ ├── model_zoo.md │ │ ├── quick_run.md │ │ ├── requirements-doc.txt │ │ ├── train_custom_data.md │ │ └── updates_note.md │ ├── exps │ │ ├── default │ │ │ ├── nano.py │ │ │ ├── yolov3.py │ │ │ ├── yolox_l.py │ │ │ ├── yolox_m.py │ │ │ ├── yolox_s.py │ │ │ ├── yolox_tiny.py │ │ │ └── yolox_x.py │ │ └── example │ │ │ ├── custom │ │ │ ├── nano.py │ │ │ └── yolox_s.py │ │ │ └── yolox_voc │ │ │ └── yolox_voc_s.py │ ├── requirements.txt │ ├── setup.cfg │ ├── setup.py │ ├── tools │ │ ├── demo.py │ │ ├── eval.py │ │ ├── export_onnx.py │ │ ├── export_torchscript.py │ │ ├── gen_voc_data.py │ │ ├── train.py │ │ └── trt.py │ └── yolox │ │ ├── __init__.py │ │ ├── core │ │ ├── __init__.py │ │ ├── launch.py │ │ └── trainer.py │ │ ├── data │ │ ├── __init__.py │ │ ├── data_augment.py │ │ ├── data_prefetcher.py │ │ ├── dataloading.py │ │ ├── datasets │ │ │ ├── __init__.py │ │ │ ├── coco.py │ │ │ ├── coco_classes.py │ │ │ ├── datasets_wrapper.py │ │ │ ├── mosaicdetection.py │ │ │ ├── voc.py │ │ │ └── voc_classes.py │ │ └── samplers.py │ │ ├── evaluators │ │ ├── __init__.py │ │ ├── coco_evaluator.py │ │ ├── voc_eval.py │ │ └── voc_evaluator.py │ │ ├── exp │ │ ├── __init__.py │ │ ├── base_exp.py │ │ ├── build.py │ │ └── yolox_base.py │ │ ├── layers │ │ ├── __init__.py │ │ ├── csrc │ │ │ ├── cocoeval │ │ │ │ ├── cocoeval.cpp │ │ │ │ └── cocoeval.h │ │ │ └── vision.cpp │ │ └── fast_coco_eval_api.py │ │ ├── models │ │ ├── __init__.py │ │ ├── darknet.py │ │ ├── losses.py │ │ ├── network_blocks.py │ │ ├── yolo_fpn.py │ │ ├── yolo_head.py │ │ ├── yolo_pafpn.py │ │ └── yolox.py │ │ └── utils │ │ ├── __init__.py │ │ ├── allreduce_norm.py │ │ ├── boxes.py │ │ ├── checkpoint.py │ │ ├── demo_utils.py │ │ ├── dist.py │ │ ├── ema.py │ │ ├── logger.py │ │ ├── lr_scheduler.py │ │ ├── metric.py │ │ ├── model_utils.py │ │ ├── setup_env.py │ │ └── visualize.py ├── fasterRcnn │ ├── README.md │ ├── change_backbone_with_fpn.py │ ├── change_backbone_withought_fpn.py │ ├── data │ │ └── .keep │ ├── dataLoader │ │ ├── __init__.py │ │ ├── split_data.py │ │ ├── transforms.py │ │ └── voc_dataset.py │ ├── fasterRCNN.png │ ├── models │ │ ├── __init__.py │ │ ├── backbone │ │ │ ├── __init__.py │ │ │ ├── feature_pyramid_network.py │ │ │ ├── mobilenet_v2.py │ │ │ ├── resnet50_fpn.py │ │ │ └── vgg.py │ │ ├── faster_rcnn.py │ │ ├── roi_head.py │ │ ├── rpn_function.py │ │ └── transform.py │ ├── pascal_voc_classes.json │ ├── predict.py │ ├── train_mobile_v2.py │ ├── train_multi_gpu.py │ ├── train_resnet50_fpn.py │ ├── utils │ │ ├── __init__.py │ │ ├── boxes.py │ │ ├── coco_eval.py │ │ ├── coco_utils.py │ │ ├── det_utils.py │ │ ├── distributed_utils.py │ │ ├── draw_box_utils.py │ │ ├── group_by_aspect_ratio.py │ │ ├── plot_curve.py │ │ └── train_eval_utils.py │ └── validation.py └── yolov5 │ ├── .dockerignore │ ├── .gitattributes │ ├── .gitignore │ ├── CONTRIBUTING.md │ ├── Dockerfile │ ├── LICENSE │ ├── README.md │ ├── data │ ├── Argoverse.yaml │ ├── GlobalWheat2020.yaml │ ├── Objects365.yaml │ ├── SKU-110K.yaml │ ├── VOC.yaml │ ├── VisDrone.yaml │ ├── coco.yaml │ ├── coco128.yaml │ ├── hyps │ │ ├── hyp.finetune.yaml │ │ ├── hyp.finetune_objects365.yaml │ │ ├── hyp.scratch-p6.yaml │ │ └── hyp.scratch.yaml │ ├── images │ │ ├── bus.jpg │ │ └── zidane.jpg │ ├── scripts │ │ ├── download_weights.sh │ │ ├── get_coco.sh │ │ └── get_coco128.sh │ └── xView.yaml │ ├── detect.py │ ├── export.py │ ├── hubconf.py │ ├── models │ ├── __init__.py │ ├── common.py │ ├── experimental.py │ ├── hub │ │ ├── anchors.yaml │ │ ├── yolov3-spp.yaml │ │ ├── yolov3-tiny.yaml │ │ ├── yolov3.yaml │ │ ├── yolov5-bifpn.yaml │ │ ├── yolov5-fpn.yaml │ │ ├── yolov5-p2.yaml │ │ ├── yolov5-p6.yaml │ │ ├── yolov5-p7.yaml │ │ ├── yolov5-panet.yaml │ │ ├── yolov5l6.yaml │ │ ├── yolov5m6.yaml │ │ ├── yolov5s-ghost.yaml │ │ ├── yolov5s-transformer.yaml │ │ ├── yolov5s6.yaml │ │ └── yolov5x6.yaml │ ├── yolo.py │ ├── yolov5l.yaml │ ├── yolov5m.yaml │ ├── yolov5s.yaml │ └── yolov5x.yaml │ ├── requirements.txt │ ├── test_ops.py │ ├── train.py │ ├── tutorial.ipynb │ ├── utils │ ├── __init__.py │ ├── activations.py │ ├── augmentations.py │ ├── autoanchor.py │ ├── aws │ │ ├── __init__.py │ │ ├── mime.sh │ │ ├── resume.py │ │ └── userdata.sh │ ├── callbacks.py │ ├── datasets.py │ ├── downloads.py │ ├── flask_rest_api │ │ ├── README.md │ │ ├── example_request.py │ │ └── restapi.py │ ├── general.py │ ├── google_app_engine │ │ ├── Dockerfile │ │ ├── additional_requirements.txt │ │ └── app.yaml │ ├── loggers │ │ └── __init__.py │ ├── loss.py │ ├── metrics.py │ ├── plots.py │ └── torch_utils.py │ └── val.py ├── metric_learning ├── BDB │ ├── README.md │ ├── data │ │ ├── __init__.py │ │ ├── data_loader.py │ │ ├── data_manager.py │ │ └── samplers.py │ ├── doc │ │ ├── 1811.07130.pdf │ │ └── QQ截图20211009171436.png │ ├── inference.py │ ├── models │ │ ├── __init__.py │ │ ├── networks.py │ │ └── resnet.py │ ├── train.py │ ├── trainers │ │ ├── __init__.py │ │ ├── evaluator.py │ │ ├── re_ranking.py │ │ └── trainer.py │ └── utils │ │ ├── __init__.py │ │ ├── data_aug.py │ │ ├── logger.py │ │ ├── loss.py │ │ ├── meters.py │ │ ├── transforms.py │ │ └── utils.py ├── Co-CT │ ├── README.md │ └── gen_data.py └── Happy-Whale │ ├── fcn_mask │ ├── README.md │ ├── dataLoader │ │ ├── __init__.py │ │ ├── dataLoader.py │ │ └── transforms.py │ ├── models │ │ ├── __init__.py │ │ ├── backbone.py │ │ └── networks.py │ ├── palette.json │ ├── predict.py │ ├── requirements.txt │ ├── train.py │ ├── train_multi_GPU.py │ ├── utils │ │ ├── 2007_000032.png │ │ ├── __init__.py │ │ ├── distributed_utils.py │ │ ├── get_palette.py │ │ ├── palette.json │ │ └── train_and_eval.py │ └── validation.py │ └── retrieval │ ├── data │ ├── class_indices.json │ ├── train_split_1.csv │ ├── train_split_2.csv │ ├── train_split_3.csv │ ├── train_split_4.csv │ ├── train_split_5.csv │ ├── val_split_1.csv │ ├── val_split_2.csv │ ├── val_split_3.csv │ ├── val_split_4.csv │ └── val_split_5.csv │ ├── dataLoader │ ├── __init__.py │ ├── data_augment.py │ ├── data_loader.py │ ├── data_manager.py │ └── transform.py │ ├── models │ ├── __init__.py │ ├── arcFaceloss.py │ ├── lovasz.py │ ├── model.py │ ├── modelZoo │ │ ├── __init__.py │ │ ├── convert_from_mxnet.py │ │ ├── dpn.py │ │ ├── inceptionV4.py │ │ ├── nasnet.py │ │ ├── ployNet.py │ │ ├── senet.py │ │ └── xception.py │ ├── triplet_loss.py │ └── utils.py │ ├── test.py │ ├── train.py │ └── utils │ ├── __init__.py │ ├── file.py │ ├── metric.py │ └── optim.py ├── others ├── deploy │ ├── README.md │ ├── onnx2trt │ │ ├── README.md │ │ ├── classification_trt_demo │ │ │ ├── README.md │ │ │ ├── goldfish_class_1.jpg │ │ │ ├── inference_onnx.py │ │ │ ├── inference_pytorch.py │ │ │ ├── inference_trt.cpp │ │ │ ├── inference_trt.py │ │ │ ├── onnx2trt.cpp │ │ │ ├── onnx2trt.py │ │ │ └── torch2onnx.py │ │ ├── doc │ │ │ ├── img.png │ │ │ ├── img_1.png │ │ │ └── img_2.png │ │ └── keypoint_trt_demo │ │ │ ├── 000000.jpg │ │ │ ├── README.md │ │ │ ├── hrnet.py │ │ │ ├── inference_onnx.py │ │ │ ├── inference_pytorch.py │ │ │ ├── inference_trt.cpp │ │ │ ├── inference_trt.py │ │ │ ├── onnx2trt.cpp │ │ │ ├── onnx2trt.py │ │ │ └── torch2onnx.py │ └── pytorch2onnx │ │ ├── README.md │ │ ├── doc │ │ ├── img.png │ │ ├── img_1.png │ │ ├── img_2.png │ │ ├── img_3.png │ │ ├── img_4.png │ │ ├── img_5.png │ │ ├── img_6.png │ │ ├── img_7.png │ │ └── onnx_ops.png │ │ ├── my_add.cpp │ │ ├── setup.py │ │ ├── simple_test.py │ │ ├── support_Aten_ops.py │ │ ├── support_TorchScript_ops.py │ │ └── support_new_ops.py ├── label_convert │ ├── README.md │ ├── coco2voc.py │ ├── coco2yolo.py │ ├── data │ │ ├── images │ │ │ ├── ori_000_XYGOC20200316150526253_1.jpg │ │ │ ├── ori_TEST20191012110912233-4_0.jpg │ │ │ ├── ori_TEST20191012145453198-4_0.jpg │ │ │ ├── ori_TEST20191104160000033-3_0.jpg │ │ │ ├── ori_TEST20191125211907401-4_0.jpg │ │ │ ├── ori_TEST20191125212136395-4_0.jpg │ │ │ └── ori_XYG2020122411065232021257-1_0.jpg │ │ └── labels │ │ │ └── voc │ │ │ ├── ori_000_XYGOC20200316150526253_1.xml │ │ │ ├── ori_TEST20191012110912233-4_0.xml │ │ │ ├── ori_TEST20191012145453198-4_0.xml │ │ │ ├── ori_TEST20191104160000033-3_0.xml │ │ │ ├── ori_TEST20191125211907401-4_0.xml │ │ │ ├── ori_TEST20191125212136395-4_0.xml │ │ │ └── ori_XYG2020122411065232021257-1_0.xml │ ├── show_img_by_coco.py │ ├── show_img_by_voc.py │ ├── show_img_by_yolo.py │ ├── voc2coco.py │ ├── voc2yolo.py │ ├── yolo2coco.py │ └── yolo2voc.py ├── load_weights_test │ ├── README.md │ ├── load_weights.py │ └── model.py ├── normalization │ ├── README.md │ ├── batch_normalization.py │ ├── group_normalization.py │ ├── instance_normalization.py │ └── layer_normalization.py ├── tensorboard_test │ ├── README.md │ ├── class_indices.json │ ├── data_utils.py │ ├── dataset.py │ ├── model.py │ ├── plot_img │ │ ├── 1.jpg │ │ ├── 2.jpg │ │ ├── 3.jpg │ │ ├── 4.jpg │ │ ├── daisy.jpg │ │ ├── dandelion.jpg │ │ ├── label.txt │ │ ├── rose.jpg │ │ ├── sunflower.jpg │ │ └── tulip.jpg │ ├── train.py │ └── train_eval_utils.py ├── train_with_DDP │ ├── README.md │ ├── class_indices.json │ ├── config │ │ └── train.yaml │ ├── test.py │ ├── train.py │ └── utils │ │ ├── __init__.py │ │ ├── distributed_utils.py │ │ └── torch_utils.py └── visual_weight_feature_map_test │ ├── README.md │ ├── model │ ├── __init__.py │ ├── alexnet.py │ ├── resnet.py │ └── vgg.py │ ├── test_img │ └── sunflower.jpg │ ├── visual_feature_map.py │ ├── visual_kernel_weight.py │ └── weights │ └── xxx.pth ├── pose_estimation └── Insulator │ ├── 000000.jpg │ ├── config │ ├── test.yaml │ └── train.yaml │ ├── data │ ├── train.txt │ └── val.txt │ ├── dataset │ ├── __init__.py │ ├── coco.py │ ├── coco_transforms.py │ ├── kp_dataset.py │ └── kp_transforms.py │ ├── doc │ └── HRNet.png │ ├── export.py │ ├── models │ ├── __init__.py │ ├── hrnet.py │ └── hrnet_puls.py │ ├── predict.py │ ├── train.py │ ├── utils │ ├── __init__.py │ ├── coco_eval.py │ ├── data_utils.py │ ├── draw_utils.py │ ├── kp_eval.py │ ├── loss.py │ ├── torch_utils.py │ └── train_and_eval.py │ └── val.py └── self-supervised ├── MAE ├── README.md ├── assets │ ├── 1.jpeg │ ├── 2.jpeg │ └── 3.jpeg ├── data │ ├── TransformerDataset.py │ └── __init__.py ├── get_data_txt.py ├── inference.py ├── loss │ ├── __init__.py │ ├── centerloss.py │ ├── focalloss.py │ └── mse_loss.py ├── models │ ├── MAE.py │ ├── Transpose_conv.py │ ├── VIT.py │ ├── __init__.py │ └── restore_image.jpg ├── train.py ├── train.txt ├── utils │ ├── LARS.py │ ├── __init__.py │ ├── lr_iter.py │ ├── optimizer_step.py │ └── utils.py └── val.txt └── SupCon ├── README.md ├── configs ├── lr_finder_supcon_resnet18_cifar100_stage2.yml ├── lr_finder_supcon_resnet18_cifar10_stage2.yml ├── swa_supcon_resnet18_cifar100_stage1.yml ├── swa_supcon_resnet18_cifar100_stage2.yml ├── swa_supcon_resnet18_cifar10_stage1.yml ├── swa_supcon_resnet18_cifar10_stage2.yml ├── train_supcon_resnet18_cifar100_stage1.yml ├── train_supcon_resnet18_cifar100_stage2.yml ├── train_supcon_resnet18_cifar10_stage1.yml └── train_supcon_resnet18_cifar10_stage2.yml ├── dataLoader ├── __init__.py ├── dataloader.py ├── datasets.py └── transforms.py ├── learning_rate_finder.py ├── losses ├── LabelSmooth.py ├── SupConLoss.py ├── __init__.py └── loss.py ├── models ├── __init__.py ├── backbone.py └── model.py ├── requirements.txt ├── swa.py ├── t-SNE.ipynb ├── t-SNE.py ├── train.py ├── trainer ├── __init__.py └── trainer.py └── utils ├── __init__.py └── utils.py /.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/.gitignore -------------------------------------------------------------------------------- /Image_segmentation/DeepLabV3/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/Image_segmentation/DeepLabV3/README.md -------------------------------------------------------------------------------- /Image_segmentation/DeepLabV3/config/example.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/Image_segmentation/DeepLabV3/config/example.yaml -------------------------------------------------------------------------------- /Image_segmentation/DeepLabV3/dataLoader/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /Image_segmentation/DeepLabV3/display_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/Image_segmentation/DeepLabV3/display_dataset.py -------------------------------------------------------------------------------- /Image_segmentation/DeepLabV3/models/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /Image_segmentation/DeepLabV3/models/deeplabv3.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/Image_segmentation/DeepLabV3/models/deeplabv3.py -------------------------------------------------------------------------------- /Image_segmentation/DeepLabV3/models/network.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/Image_segmentation/DeepLabV3/models/network.py -------------------------------------------------------------------------------- /Image_segmentation/DeepLabV3/palette.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/Image_segmentation/DeepLabV3/palette.json -------------------------------------------------------------------------------- /Image_segmentation/DeepLabV3/predict.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/Image_segmentation/DeepLabV3/predict.py -------------------------------------------------------------------------------- /Image_segmentation/DeepLabV3/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/Image_segmentation/DeepLabV3/train.py -------------------------------------------------------------------------------- /Image_segmentation/DeepLabV3/utils/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /Image_segmentation/DeepLabV3/utils/color.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/Image_segmentation/DeepLabV3/utils/color.py -------------------------------------------------------------------------------- /Image_segmentation/DeepLabV3/utils/draw.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/Image_segmentation/DeepLabV3/utils/draw.py -------------------------------------------------------------------------------- /Image_segmentation/DeepLabV3/utils/label.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/Image_segmentation/DeepLabV3/utils/label.py -------------------------------------------------------------------------------- /Image_segmentation/DeepLabV3/utils/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/Image_segmentation/DeepLabV3/utils/utils.py -------------------------------------------------------------------------------- /Image_segmentation/DeepLabV3Plus/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/Image_segmentation/DeepLabV3Plus/README.md -------------------------------------------------------------------------------- /Image_segmentation/DeepLabV3Plus/dataLoader/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /Image_segmentation/DeepLabV3Plus/models/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /Image_segmentation/DeepLabV3Plus/palette.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/Image_segmentation/DeepLabV3Plus/palette.json -------------------------------------------------------------------------------- /Image_segmentation/DeepLabV3Plus/predict.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/Image_segmentation/DeepLabV3Plus/predict.py -------------------------------------------------------------------------------- /Image_segmentation/DeepLabV3Plus/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/Image_segmentation/DeepLabV3Plus/train.py -------------------------------------------------------------------------------- /Image_segmentation/DeepLabV3Plus/utils/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /Image_segmentation/DeepLabV3Plus/utils/color.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/Image_segmentation/DeepLabV3Plus/utils/color.py -------------------------------------------------------------------------------- /Image_segmentation/DeepLabV3Plus/utils/draw.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/Image_segmentation/DeepLabV3Plus/utils/draw.py -------------------------------------------------------------------------------- /Image_segmentation/DeepLabV3Plus/utils/label.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/Image_segmentation/DeepLabV3Plus/utils/label.py -------------------------------------------------------------------------------- /Image_segmentation/DeepLabV3Plus/utils/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/Image_segmentation/DeepLabV3Plus/utils/utils.py -------------------------------------------------------------------------------- /Image_segmentation/FCN/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/Image_segmentation/FCN/README.md -------------------------------------------------------------------------------- /Image_segmentation/FCN/data/2007_000032.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/Image_segmentation/FCN/data/2007_000032.png -------------------------------------------------------------------------------- /Image_segmentation/FCN/data/test.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/Image_segmentation/FCN/data/test.jpg -------------------------------------------------------------------------------- /Image_segmentation/FCN/data/test1.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/Image_segmentation/FCN/data/test1.jpg -------------------------------------------------------------------------------- /Image_segmentation/FCN/dataLoader/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/Image_segmentation/FCN/dataLoader/__init__.py -------------------------------------------------------------------------------- /Image_segmentation/FCN/dataLoader/dataLoader.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/Image_segmentation/FCN/dataLoader/dataLoader.py -------------------------------------------------------------------------------- /Image_segmentation/FCN/dataLoader/transforms.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/Image_segmentation/FCN/dataLoader/transforms.py -------------------------------------------------------------------------------- /Image_segmentation/FCN/models/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/Image_segmentation/FCN/models/__init__.py -------------------------------------------------------------------------------- /Image_segmentation/FCN/models/backbone.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/Image_segmentation/FCN/models/backbone.py -------------------------------------------------------------------------------- /Image_segmentation/FCN/models/networks.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/Image_segmentation/FCN/models/networks.py -------------------------------------------------------------------------------- /Image_segmentation/FCN/pascal_voc_classes.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/Image_segmentation/FCN/pascal_voc_classes.json -------------------------------------------------------------------------------- /Image_segmentation/FCN/predict.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/Image_segmentation/FCN/predict.py -------------------------------------------------------------------------------- /Image_segmentation/FCN/requirements.txt: -------------------------------------------------------------------------------- 1 | Pillow==7.1.2 -------------------------------------------------------------------------------- /Image_segmentation/FCN/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/Image_segmentation/FCN/train.py -------------------------------------------------------------------------------- /Image_segmentation/FCN/train_multi_GPU.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/Image_segmentation/FCN/train_multi_GPU.py -------------------------------------------------------------------------------- /Image_segmentation/FCN/utils/2007_000032.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/Image_segmentation/FCN/utils/2007_000032.png -------------------------------------------------------------------------------- /Image_segmentation/FCN/utils/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/Image_segmentation/FCN/utils/__init__.py -------------------------------------------------------------------------------- /Image_segmentation/FCN/utils/distributed_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/Image_segmentation/FCN/utils/distributed_utils.py -------------------------------------------------------------------------------- /Image_segmentation/FCN/utils/get_palette.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/Image_segmentation/FCN/utils/get_palette.py -------------------------------------------------------------------------------- /Image_segmentation/FCN/utils/palette.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/Image_segmentation/FCN/utils/palette.json -------------------------------------------------------------------------------- /Image_segmentation/FCN/utils/train_and_eval.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/Image_segmentation/FCN/utils/train_and_eval.py -------------------------------------------------------------------------------- /Image_segmentation/FCN/validation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/Image_segmentation/FCN/validation.py -------------------------------------------------------------------------------- /Image_segmentation/HR-Net-Seg/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/Image_segmentation/HR-Net-Seg/README.md -------------------------------------------------------------------------------- /Image_segmentation/HR-Net-Seg/config/example.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/Image_segmentation/HR-Net-Seg/config/example.yaml -------------------------------------------------------------------------------- /Image_segmentation/HR-Net-Seg/dataLoader/__init_.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /Image_segmentation/HR-Net-Seg/loss/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /Image_segmentation/HR-Net-Seg/loss/dice_score.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/Image_segmentation/HR-Net-Seg/loss/dice_score.py -------------------------------------------------------------------------------- /Image_segmentation/HR-Net-Seg/models/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /Image_segmentation/HR-Net-Seg/models/network.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/Image_segmentation/HR-Net-Seg/models/network.py -------------------------------------------------------------------------------- /Image_segmentation/HR-Net-Seg/models/seg_hrnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/Image_segmentation/HR-Net-Seg/models/seg_hrnet.py -------------------------------------------------------------------------------- /Image_segmentation/HR-Net-Seg/palette.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/Image_segmentation/HR-Net-Seg/palette.json -------------------------------------------------------------------------------- /Image_segmentation/HR-Net-Seg/predict.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/Image_segmentation/HR-Net-Seg/predict.py -------------------------------------------------------------------------------- /Image_segmentation/HR-Net-Seg/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/Image_segmentation/HR-Net-Seg/train.py -------------------------------------------------------------------------------- /Image_segmentation/HR-Net-Seg/utils/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /Image_segmentation/HR-Net-Seg/utils/evaluate.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/Image_segmentation/HR-Net-Seg/utils/evaluate.py -------------------------------------------------------------------------------- /Image_segmentation/HR-Net-Seg/utils/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/Image_segmentation/HR-Net-Seg/utils/utils.py -------------------------------------------------------------------------------- /Image_segmentation/U-Net/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/Image_segmentation/U-Net/README.md -------------------------------------------------------------------------------- /Image_segmentation/U-Net/data/imgs/.keep: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /Image_segmentation/U-Net/data/masks/.keep: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /Image_segmentation/U-Net/dataLoader/__init__.py: -------------------------------------------------------------------------------- 1 | from .dataLoader import * -------------------------------------------------------------------------------- /Image_segmentation/U-Net/dataLoader/dataLoader.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/Image_segmentation/U-Net/dataLoader/dataLoader.py -------------------------------------------------------------------------------- /Image_segmentation/U-Net/evaluate.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/Image_segmentation/U-Net/evaluate.py -------------------------------------------------------------------------------- /Image_segmentation/U-Net/loss/__init__.py: -------------------------------------------------------------------------------- 1 | from .dice_score import * -------------------------------------------------------------------------------- /Image_segmentation/U-Net/loss/dice_score.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/Image_segmentation/U-Net/loss/dice_score.py -------------------------------------------------------------------------------- /Image_segmentation/U-Net/models/__init__.py: -------------------------------------------------------------------------------- 1 | from .networks import * -------------------------------------------------------------------------------- /Image_segmentation/U-Net/models/networks.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/Image_segmentation/U-Net/models/networks.py -------------------------------------------------------------------------------- /Image_segmentation/U-Net/predict.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/Image_segmentation/U-Net/predict.py -------------------------------------------------------------------------------- /Image_segmentation/U-Net/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/Image_segmentation/U-Net/train.py -------------------------------------------------------------------------------- /Image_segmentation/U-Net/utils/__init__.py: -------------------------------------------------------------------------------- 1 | from .logger import * -------------------------------------------------------------------------------- /Image_segmentation/U-Net/utils/logger.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/Image_segmentation/U-Net/utils/logger.py -------------------------------------------------------------------------------- /Image_segmentation/U-Net/utils/palette.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/Image_segmentation/U-Net/utils/palette.json -------------------------------------------------------------------------------- /Image_segmentation/U-Net/utils/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/Image_segmentation/U-Net/utils/utils.py -------------------------------------------------------------------------------- /Image_segmentation/few_shot_segmentation/models/__init__.py: -------------------------------------------------------------------------------- 1 | from .sspnet import SSPNet -------------------------------------------------------------------------------- /Image_segmentation/few_shot_segmentation/models/backbone/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /Image_segmentation/few_shot_segmentation/pretrained/.keep: -------------------------------------------------------------------------------- 1 | pretrain model -------------------------------------------------------------------------------- /Image_segmentation/few_shot_segmentation/test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/Image_segmentation/few_shot_segmentation/test.py -------------------------------------------------------------------------------- /Image_segmentation/few_shot_segmentation/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/Image_segmentation/few_shot_segmentation/train.py -------------------------------------------------------------------------------- /LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/LICENSE -------------------------------------------------------------------------------- /README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/README.md -------------------------------------------------------------------------------- /classification/GoogleNet/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/GoogleNet/README.md -------------------------------------------------------------------------------- /classification/GoogleNet/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/GoogleNet/config.py -------------------------------------------------------------------------------- /classification/GoogleNet/configs/googlenet.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/GoogleNet/configs/googlenet.yaml -------------------------------------------------------------------------------- /classification/GoogleNet/data/class_indices.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/GoogleNet/data/class_indices.json -------------------------------------------------------------------------------- /classification/GoogleNet/data/test/1.jpeg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/GoogleNet/data/test/1.jpeg -------------------------------------------------------------------------------- /classification/GoogleNet/data/test/2.jpeg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/GoogleNet/data/test/2.jpeg -------------------------------------------------------------------------------- /classification/GoogleNet/data/test/3.jpeg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/GoogleNet/data/test/3.jpeg -------------------------------------------------------------------------------- /classification/GoogleNet/data/train.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/GoogleNet/data/train.txt -------------------------------------------------------------------------------- /classification/GoogleNet/data/val.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/GoogleNet/data/val.txt -------------------------------------------------------------------------------- /classification/GoogleNet/dataLoader/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/GoogleNet/dataLoader/__init__.py -------------------------------------------------------------------------------- /classification/GoogleNet/dataLoader/build.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/GoogleNet/dataLoader/build.py -------------------------------------------------------------------------------- /classification/GoogleNet/dataLoader/samplers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/GoogleNet/dataLoader/samplers.py -------------------------------------------------------------------------------- /classification/GoogleNet/dataLoader/zipreader.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/GoogleNet/dataLoader/zipreader.py -------------------------------------------------------------------------------- /classification/GoogleNet/figures/figure1.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/GoogleNet/figures/figure1.png -------------------------------------------------------------------------------- /classification/GoogleNet/figures/figure2.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/GoogleNet/figures/figure2.png -------------------------------------------------------------------------------- /classification/GoogleNet/figures/figure3.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/GoogleNet/figures/figure3.png -------------------------------------------------------------------------------- /classification/GoogleNet/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/GoogleNet/main.py -------------------------------------------------------------------------------- /classification/GoogleNet/models/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/GoogleNet/models/__init__.py -------------------------------------------------------------------------------- /classification/GoogleNet/models/build.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/GoogleNet/models/build.py -------------------------------------------------------------------------------- /classification/GoogleNet/models/googlenet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/GoogleNet/models/googlenet.py -------------------------------------------------------------------------------- /classification/GoogleNet/predict.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/GoogleNet/predict.py -------------------------------------------------------------------------------- /classification/GoogleNet/utils/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/GoogleNet/utils/__init__.py -------------------------------------------------------------------------------- /classification/GoogleNet/utils/logger.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/GoogleNet/utils/logger.py -------------------------------------------------------------------------------- /classification/GoogleNet/utils/lr_scheduler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/GoogleNet/utils/lr_scheduler.py -------------------------------------------------------------------------------- /classification/GoogleNet/utils/optimizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/GoogleNet/utils/optimizer.py -------------------------------------------------------------------------------- /classification/GoogleNet/utils/torch_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/GoogleNet/utils/torch_utils.py -------------------------------------------------------------------------------- /classification/RepVGG/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/RepVGG/README.md -------------------------------------------------------------------------------- /classification/RepVGG/class_indices.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/RepVGG/class_indices.json -------------------------------------------------------------------------------- /classification/RepVGG/config/train.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/RepVGG/config/train.yaml -------------------------------------------------------------------------------- /classification/RepVGG/convert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/RepVGG/convert.py -------------------------------------------------------------------------------- /classification/RepVGG/data/class_indices.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/RepVGG/data/class_indices.json -------------------------------------------------------------------------------- /classification/RepVGG/data/test/1.jpeg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/RepVGG/data/test/1.jpeg -------------------------------------------------------------------------------- /classification/RepVGG/data/test/2.jpeg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/RepVGG/data/test/2.jpeg -------------------------------------------------------------------------------- /classification/RepVGG/data/test/3.jpeg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/RepVGG/data/test/3.jpeg -------------------------------------------------------------------------------- /classification/RepVGG/data/train.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/RepVGG/data/train.txt -------------------------------------------------------------------------------- /classification/RepVGG/data/val.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/RepVGG/data/val.txt -------------------------------------------------------------------------------- /classification/RepVGG/dataLoader/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/RepVGG/dataLoader/__init__.py -------------------------------------------------------------------------------- /classification/RepVGG/dataLoader/dataSet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/RepVGG/dataLoader/dataSet.py -------------------------------------------------------------------------------- /classification/RepVGG/dataLoader/dataloader.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/RepVGG/dataLoader/dataloader.py -------------------------------------------------------------------------------- /classification/RepVGG/models/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/RepVGG/models/__init__.py -------------------------------------------------------------------------------- /classification/RepVGG/models/repvgg.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/RepVGG/models/repvgg.py -------------------------------------------------------------------------------- /classification/RepVGG/models/repvggplus.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/RepVGG/models/repvggplus.py -------------------------------------------------------------------------------- /classification/RepVGG/models/se_block.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/RepVGG/models/se_block.py -------------------------------------------------------------------------------- /classification/RepVGG/predict.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/RepVGG/predict.py -------------------------------------------------------------------------------- /classification/RepVGG/test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/RepVGG/test.py -------------------------------------------------------------------------------- /classification/RepVGG/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/RepVGG/train.py -------------------------------------------------------------------------------- /classification/RepVGG/utils/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/RepVGG/utils/__init__.py -------------------------------------------------------------------------------- /classification/RepVGG/utils/distributed_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/RepVGG/utils/distributed_utils.py -------------------------------------------------------------------------------- /classification/RepVGG/utils/eval_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/RepVGG/utils/eval_utils.py -------------------------------------------------------------------------------- /classification/RepVGG/utils/torch_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/RepVGG/utils/torch_utils.py -------------------------------------------------------------------------------- /classification/ShuffleNet/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/ShuffleNet/README.md -------------------------------------------------------------------------------- /classification/ShuffleNet/class_indices.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/ShuffleNet/class_indices.json -------------------------------------------------------------------------------- /classification/ShuffleNet/config/train.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/ShuffleNet/config/train.yaml -------------------------------------------------------------------------------- /classification/ShuffleNet/data/class_indices.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/ShuffleNet/data/class_indices.json -------------------------------------------------------------------------------- /classification/ShuffleNet/data/classes.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/ShuffleNet/data/classes.jpg -------------------------------------------------------------------------------- /classification/ShuffleNet/data/test/1.jpeg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/ShuffleNet/data/test/1.jpeg -------------------------------------------------------------------------------- /classification/ShuffleNet/data/test/2.jpeg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/ShuffleNet/data/test/2.jpeg -------------------------------------------------------------------------------- /classification/ShuffleNet/data/test/3.jpeg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/ShuffleNet/data/test/3.jpeg -------------------------------------------------------------------------------- /classification/ShuffleNet/data/train.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/ShuffleNet/data/train.txt -------------------------------------------------------------------------------- /classification/ShuffleNet/data/val.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/ShuffleNet/data/val.txt -------------------------------------------------------------------------------- /classification/ShuffleNet/dataLoader/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/ShuffleNet/dataLoader/__init__.py -------------------------------------------------------------------------------- /classification/ShuffleNet/dataLoader/dataSet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/ShuffleNet/dataLoader/dataSet.py -------------------------------------------------------------------------------- /classification/ShuffleNet/models/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/ShuffleNet/models/__init__.py -------------------------------------------------------------------------------- /classification/ShuffleNet/models/se_block.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/ShuffleNet/models/se_block.py -------------------------------------------------------------------------------- /classification/ShuffleNet/models/shufflenetv1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/ShuffleNet/models/shufflenetv1.py -------------------------------------------------------------------------------- /classification/ShuffleNet/models/shufflenetv2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/ShuffleNet/models/shufflenetv2.py -------------------------------------------------------------------------------- /classification/ShuffleNet/predict.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/ShuffleNet/predict.py -------------------------------------------------------------------------------- /classification/ShuffleNet/test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/ShuffleNet/test.py -------------------------------------------------------------------------------- /classification/ShuffleNet/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/ShuffleNet/train.py -------------------------------------------------------------------------------- /classification/ShuffleNet/utils/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/ShuffleNet/utils/__init__.py -------------------------------------------------------------------------------- /classification/ShuffleNet/utils/eval_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/ShuffleNet/utils/eval_utils.py -------------------------------------------------------------------------------- /classification/ShuffleNet/utils/torch_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/ShuffleNet/utils/torch_utils.py -------------------------------------------------------------------------------- /classification/TransFG/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/TransFG/README.md -------------------------------------------------------------------------------- /classification/TransFG/class_indices.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/TransFG/class_indices.json -------------------------------------------------------------------------------- /classification/TransFG/config/example.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/TransFG/config/example.yaml -------------------------------------------------------------------------------- /classification/TransFG/dataLoader/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /classification/TransFG/dataLoader/autoaugment.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/TransFG/dataLoader/autoaugment.py -------------------------------------------------------------------------------- /classification/TransFG/dataLoader/base_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/TransFG/dataLoader/base_dataset.py -------------------------------------------------------------------------------- /classification/TransFG/dataLoader/dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/TransFG/dataLoader/dataset.py -------------------------------------------------------------------------------- /classification/TransFG/logs/TransFG_CUB/train.log: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/TransFG/logs/TransFG_CUB/train.log -------------------------------------------------------------------------------- /classification/TransFG/losses/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /classification/TransFG/losses/contrastive_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/TransFG/losses/contrastive_loss.py -------------------------------------------------------------------------------- /classification/TransFG/losses/labelSmoothing.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/TransFG/losses/labelSmoothing.py -------------------------------------------------------------------------------- /classification/TransFG/models/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /classification/TransFG/models/transfg.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/TransFG/models/transfg.py -------------------------------------------------------------------------------- /classification/TransFG/test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/TransFG/test.py -------------------------------------------------------------------------------- /classification/TransFG/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/TransFG/train.py -------------------------------------------------------------------------------- /classification/TransFG/utils/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /classification/TransFG/utils/builder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/TransFG/utils/builder.py -------------------------------------------------------------------------------- /classification/TransFG/utils/dist.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/TransFG/utils/dist.py -------------------------------------------------------------------------------- /classification/TransFG/utils/schuduler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/TransFG/utils/schuduler.py -------------------------------------------------------------------------------- /classification/TransFG/utils/util.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/TransFG/utils/util.py -------------------------------------------------------------------------------- /classification/coatNet/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/coatNet/README.md -------------------------------------------------------------------------------- /classification/coatNet/class_indices.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/coatNet/class_indices.json -------------------------------------------------------------------------------- /classification/coatNet/data/test/1.jpeg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/coatNet/data/test/1.jpeg -------------------------------------------------------------------------------- /classification/coatNet/data/test/2.jpeg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/coatNet/data/test/2.jpeg -------------------------------------------------------------------------------- /classification/coatNet/data/test/3.jpeg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/coatNet/data/test/3.jpeg -------------------------------------------------------------------------------- /classification/coatNet/dataLoader/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /classification/coatNet/dataLoader/dataLoader.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/coatNet/dataLoader/dataLoader.py -------------------------------------------------------------------------------- /classification/coatNet/dataLoader/dataSet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/coatNet/dataLoader/dataSet.py -------------------------------------------------------------------------------- /classification/coatNet/models/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /classification/coatNet/models/networks.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/coatNet/models/networks.py -------------------------------------------------------------------------------- /classification/coatNet/test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/coatNet/test.py -------------------------------------------------------------------------------- /classification/coatNet/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/coatNet/train.py -------------------------------------------------------------------------------- /classification/coatNet/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/coatNet/utils.py -------------------------------------------------------------------------------- /classification/convNext/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/convNext/README.md -------------------------------------------------------------------------------- /classification/convNext/class_indices.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/convNext/class_indices.json -------------------------------------------------------------------------------- /classification/convNext/data/test/1.jpeg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/convNext/data/test/1.jpeg -------------------------------------------------------------------------------- /classification/convNext/data/test/2.jpeg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/convNext/data/test/2.jpeg -------------------------------------------------------------------------------- /classification/convNext/data/test/3.jpeg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/convNext/data/test/3.jpeg -------------------------------------------------------------------------------- /classification/convNext/dataLoader/_init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /classification/convNext/dataLoader/dataLoader.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/convNext/dataLoader/dataLoader.py -------------------------------------------------------------------------------- /classification/convNext/dataLoader/dataSet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/convNext/dataLoader/dataSet.py -------------------------------------------------------------------------------- /classification/convNext/models/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /classification/convNext/models/networks.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/convNext/models/networks.py -------------------------------------------------------------------------------- /classification/convNext/test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/convNext/test.py -------------------------------------------------------------------------------- /classification/convNext/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/convNext/train.py -------------------------------------------------------------------------------- /classification/convNext/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/convNext/utils.py -------------------------------------------------------------------------------- /classification/efficientNet/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/efficientNet/README.md -------------------------------------------------------------------------------- /classification/efficientNet/class_indices.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/efficientNet/class_indices.json -------------------------------------------------------------------------------- /classification/efficientNet/data/data.txt: -------------------------------------------------------------------------------- 1 | 存放训练数据和测试数据 -------------------------------------------------------------------------------- /classification/efficientNet/dataLoader/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /classification/efficientNet/doc/MBConv.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/efficientNet/doc/MBConv.png -------------------------------------------------------------------------------- /classification/efficientNet/doc/SE.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/efficientNet/doc/SE.png -------------------------------------------------------------------------------- /classification/efficientNet/models/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /classification/efficientNet/models/network.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/efficientNet/models/network.py -------------------------------------------------------------------------------- /classification/efficientNet/pre_train_model/pre_train_model.txt: -------------------------------------------------------------------------------- 1 | 存放预训练模型 -------------------------------------------------------------------------------- /classification/efficientNet/test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/efficientNet/test.py -------------------------------------------------------------------------------- /classification/efficientNet/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/efficientNet/train.py -------------------------------------------------------------------------------- /classification/efficientNet/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/efficientNet/utils.py -------------------------------------------------------------------------------- /classification/mnist/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/mnist/README.md -------------------------------------------------------------------------------- /classification/mnist/data/data.txt: -------------------------------------------------------------------------------- 1 | 存放训练数据和测试数据 -------------------------------------------------------------------------------- /classification/mnist/data/test/0_00001.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/mnist/data/test/0_00001.jpg -------------------------------------------------------------------------------- /classification/mnist/data/test/0_00018.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/mnist/data/test/0_00018.jpg -------------------------------------------------------------------------------- /classification/mnist/data/test/1_00714.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/mnist/data/test/1_00714.jpg -------------------------------------------------------------------------------- /classification/mnist/data/test/1_00715.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/mnist/data/test/1_00715.jpg -------------------------------------------------------------------------------- /classification/mnist/data/test/1_00724.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/mnist/data/test/1_00724.jpg -------------------------------------------------------------------------------- /classification/mnist/data/test/1_00725.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/mnist/data/test/1_00725.jpg -------------------------------------------------------------------------------- /classification/mnist/data/test/1_00732.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/mnist/data/test/1_00732.jpg -------------------------------------------------------------------------------- /classification/mnist/data/test/1_00733.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/mnist/data/test/1_00733.jpg -------------------------------------------------------------------------------- /classification/mnist/data/test/1_00735.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/mnist/data/test/1_00735.jpg -------------------------------------------------------------------------------- /classification/mnist/data/test/1_00738.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/mnist/data/test/1_00738.jpg -------------------------------------------------------------------------------- /classification/mnist/data/test/2_00939.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/mnist/data/test/2_00939.jpg -------------------------------------------------------------------------------- /classification/mnist/data/test/2_00940.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/mnist/data/test/2_00940.jpg -------------------------------------------------------------------------------- /classification/mnist/data/test/2_00948.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/mnist/data/test/2_00948.jpg -------------------------------------------------------------------------------- /classification/mnist/data/test/2_00952.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/mnist/data/test/2_00952.jpg -------------------------------------------------------------------------------- /classification/mnist/data/test/2_00960.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/mnist/data/test/2_00960.jpg -------------------------------------------------------------------------------- /classification/mnist/data/test/3_00906.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/mnist/data/test/3_00906.jpg -------------------------------------------------------------------------------- /classification/mnist/data/test/3_00907.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/mnist/data/test/3_00907.jpg -------------------------------------------------------------------------------- /classification/mnist/data/test/3_00910.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/mnist/data/test/3_00910.jpg -------------------------------------------------------------------------------- /classification/mnist/data/test/3_00920.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/mnist/data/test/3_00920.jpg -------------------------------------------------------------------------------- /classification/mnist/data/test/3_00928.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/mnist/data/test/3_00928.jpg -------------------------------------------------------------------------------- /classification/mnist/data/test/4_00786.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/mnist/data/test/4_00786.jpg -------------------------------------------------------------------------------- /classification/mnist/data/test/4_00791.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/mnist/data/test/4_00791.jpg -------------------------------------------------------------------------------- /classification/mnist/data/test/4_00800.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/mnist/data/test/4_00800.jpg -------------------------------------------------------------------------------- /classification/mnist/data/test/4_00807.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/mnist/data/test/4_00807.jpg -------------------------------------------------------------------------------- /classification/mnist/data/test/5_00674.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/mnist/data/test/5_00674.jpg -------------------------------------------------------------------------------- /classification/mnist/data/test/5_00678.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/mnist/data/test/5_00678.jpg -------------------------------------------------------------------------------- /classification/mnist/data/test/5_00685.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/mnist/data/test/5_00685.jpg -------------------------------------------------------------------------------- /classification/mnist/data/test/6_00632.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/mnist/data/test/6_00632.jpg -------------------------------------------------------------------------------- /classification/mnist/data/test/6_00641.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/mnist/data/test/6_00641.jpg -------------------------------------------------------------------------------- /classification/mnist/data/test/6_00643.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/mnist/data/test/6_00643.jpg -------------------------------------------------------------------------------- /classification/mnist/data/test/6_00645.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/mnist/data/test/6_00645.jpg -------------------------------------------------------------------------------- /classification/mnist/data/test/6_00654.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/mnist/data/test/6_00654.jpg -------------------------------------------------------------------------------- /classification/mnist/data/test/7_00475.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/mnist/data/test/7_00475.jpg -------------------------------------------------------------------------------- /classification/mnist/data/test/7_00774.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/mnist/data/test/7_00774.jpg -------------------------------------------------------------------------------- /classification/mnist/data/test/7_00776.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/mnist/data/test/7_00776.jpg -------------------------------------------------------------------------------- /classification/mnist/data/test/7_00785.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/mnist/data/test/7_00785.jpg -------------------------------------------------------------------------------- /classification/mnist/data/test/8_00668.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/mnist/data/test/8_00668.jpg -------------------------------------------------------------------------------- /classification/mnist/data/test/8_00680.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/mnist/data/test/8_00680.jpg -------------------------------------------------------------------------------- /classification/mnist/data/test/9_00604.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/mnist/data/test/9_00604.jpg -------------------------------------------------------------------------------- /classification/mnist/data/test/9_00609.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/mnist/data/test/9_00609.jpg -------------------------------------------------------------------------------- /classification/mnist/dataLoader/dataLoader.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/mnist/dataLoader/dataLoader.py -------------------------------------------------------------------------------- /classification/mnist/dataLoader/dataSet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/mnist/dataLoader/dataSet.py -------------------------------------------------------------------------------- /classification/mnist/models/network.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/mnist/models/network.py -------------------------------------------------------------------------------- /classification/mnist/pre_train_model/pre_train_model.txt: -------------------------------------------------------------------------------- 1 | 存放预训练模型 -------------------------------------------------------------------------------- /classification/mnist/test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/mnist/test.py -------------------------------------------------------------------------------- /classification/mnist/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/mnist/train.py -------------------------------------------------------------------------------- /classification/mnist/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/mnist/utils.py -------------------------------------------------------------------------------- /classification/resnest/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/resnest/README.md -------------------------------------------------------------------------------- /classification/resnest/class_indices.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/resnest/class_indices.json -------------------------------------------------------------------------------- /classification/resnest/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/resnest/config.py -------------------------------------------------------------------------------- /classification/resnest/configs/resnest101.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/resnest/configs/resnest101.yaml -------------------------------------------------------------------------------- /classification/resnest/configs/resnest18.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/resnest/configs/resnest18.yaml -------------------------------------------------------------------------------- /classification/resnest/configs/resnest200.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/resnest/configs/resnest200.yaml -------------------------------------------------------------------------------- /classification/resnest/configs/resnest269.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/resnest/configs/resnest269.yaml -------------------------------------------------------------------------------- /classification/resnest/configs/resnest50.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/resnest/configs/resnest50.yaml -------------------------------------------------------------------------------- /classification/resnest/data/class_indices.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/resnest/data/class_indices.json -------------------------------------------------------------------------------- /classification/resnest/data/test/1.jpeg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/resnest/data/test/1.jpeg -------------------------------------------------------------------------------- /classification/resnest/data/test/2.jpeg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/resnest/data/test/2.jpeg -------------------------------------------------------------------------------- /classification/resnest/data/test/3.jpeg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/resnest/data/test/3.jpeg -------------------------------------------------------------------------------- /classification/resnest/data/train.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/resnest/data/train.txt -------------------------------------------------------------------------------- /classification/resnest/data/val.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/resnest/data/val.txt -------------------------------------------------------------------------------- /classification/resnest/dataLoader/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/resnest/dataLoader/__init__.py -------------------------------------------------------------------------------- /classification/resnest/dataLoader/build.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/resnest/dataLoader/build.py -------------------------------------------------------------------------------- /classification/resnest/dataLoader/samplers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/resnest/dataLoader/samplers.py -------------------------------------------------------------------------------- /classification/resnest/dataLoader/zipreader.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/resnest/dataLoader/zipreader.py -------------------------------------------------------------------------------- /classification/resnest/figures/figure1.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/resnest/figures/figure1.png -------------------------------------------------------------------------------- /classification/resnest/figures/figure2.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/resnest/figures/figure2.png -------------------------------------------------------------------------------- /classification/resnest/figures/figure3.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/resnest/figures/figure3.png -------------------------------------------------------------------------------- /classification/resnest/figures/figure4.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/resnest/figures/figure4.png -------------------------------------------------------------------------------- /classification/resnest/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/resnest/main.py -------------------------------------------------------------------------------- /classification/resnest/models/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/resnest/models/__init__.py -------------------------------------------------------------------------------- /classification/resnest/models/build.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/resnest/models/build.py -------------------------------------------------------------------------------- /classification/resnest/models/resnest.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/resnest/models/resnest.py -------------------------------------------------------------------------------- /classification/resnest/models/splat.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/resnest/models/splat.py -------------------------------------------------------------------------------- /classification/resnest/predict.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/resnest/predict.py -------------------------------------------------------------------------------- /classification/resnest/utils/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/resnest/utils/__init__.py -------------------------------------------------------------------------------- /classification/resnest/utils/logger.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/resnest/utils/logger.py -------------------------------------------------------------------------------- /classification/resnest/utils/lr_scheduler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/resnest/utils/lr_scheduler.py -------------------------------------------------------------------------------- /classification/resnest/utils/optimizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/resnest/utils/optimizer.py -------------------------------------------------------------------------------- /classification/resnest/utils/torch_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/resnest/utils/torch_utils.py -------------------------------------------------------------------------------- /classification/resnet/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/resnet/README.md -------------------------------------------------------------------------------- /classification/resnet/class_indices.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/resnet/class_indices.json -------------------------------------------------------------------------------- /classification/resnet/data/test/1.jpeg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/resnet/data/test/1.jpeg -------------------------------------------------------------------------------- /classification/resnet/data/test/2.jpeg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/resnet/data/test/2.jpeg -------------------------------------------------------------------------------- /classification/resnet/data/test/3.jpeg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/resnet/data/test/3.jpeg -------------------------------------------------------------------------------- /classification/resnet/dataLoader/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /classification/resnet/dataLoader/dataLoader.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/resnet/dataLoader/dataLoader.py -------------------------------------------------------------------------------- /classification/resnet/dataLoader/dataSet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/resnet/dataLoader/dataSet.py -------------------------------------------------------------------------------- /classification/resnet/models/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /classification/resnet/models/networks.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/resnet/models/networks.py -------------------------------------------------------------------------------- /classification/resnet/test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/resnet/test.py -------------------------------------------------------------------------------- /classification/resnet/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/resnet/train.py -------------------------------------------------------------------------------- /classification/resnet/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/resnet/utils.py -------------------------------------------------------------------------------- /classification/resnext/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/resnext/README.md -------------------------------------------------------------------------------- /classification/resnext/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/resnext/config.py -------------------------------------------------------------------------------- /classification/resnext/data/class_indices.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/resnext/data/class_indices.json -------------------------------------------------------------------------------- /classification/resnext/data/test/1.jpeg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/resnext/data/test/1.jpeg -------------------------------------------------------------------------------- /classification/resnext/data/test/2.jpeg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/resnext/data/test/2.jpeg -------------------------------------------------------------------------------- /classification/resnext/data/test/3.jpeg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/resnext/data/test/3.jpeg -------------------------------------------------------------------------------- /classification/resnext/data/train.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/resnext/data/train.txt -------------------------------------------------------------------------------- /classification/resnext/data/val.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/resnext/data/val.txt -------------------------------------------------------------------------------- /classification/resnext/dataLoader/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/resnext/dataLoader/__init__.py -------------------------------------------------------------------------------- /classification/resnext/dataLoader/build.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/resnext/dataLoader/build.py -------------------------------------------------------------------------------- /classification/resnext/dataLoader/samplers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/resnext/dataLoader/samplers.py -------------------------------------------------------------------------------- /classification/resnext/dataLoader/zipreader.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/resnext/dataLoader/zipreader.py -------------------------------------------------------------------------------- /classification/resnext/figures/figure1.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/resnext/figures/figure1.png -------------------------------------------------------------------------------- /classification/resnext/figures/figure2.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/resnext/figures/figure2.png -------------------------------------------------------------------------------- /classification/resnext/figures/figure3.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/resnext/figures/figure3.png -------------------------------------------------------------------------------- /classification/resnext/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/resnext/main.py -------------------------------------------------------------------------------- /classification/resnext/models/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/resnext/models/__init__.py -------------------------------------------------------------------------------- /classification/resnext/models/build.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/resnext/models/build.py -------------------------------------------------------------------------------- /classification/resnext/models/resNext.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/resnext/models/resNext.py -------------------------------------------------------------------------------- /classification/resnext/predict.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/resnext/predict.py -------------------------------------------------------------------------------- /classification/resnext/utils/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/resnext/utils/__init__.py -------------------------------------------------------------------------------- /classification/resnext/utils/logger.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/resnext/utils/logger.py -------------------------------------------------------------------------------- /classification/resnext/utils/lr_scheduler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/resnext/utils/lr_scheduler.py -------------------------------------------------------------------------------- /classification/resnext/utils/optimizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/resnext/utils/optimizer.py -------------------------------------------------------------------------------- /classification/resnext/utils/torch_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/resnext/utils/torch_utils.py -------------------------------------------------------------------------------- /classification/seNet/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/seNet/README.md -------------------------------------------------------------------------------- /classification/seNet/class_indices.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/seNet/class_indices.json -------------------------------------------------------------------------------- /classification/seNet/data/test/1.jpeg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/seNet/data/test/1.jpeg -------------------------------------------------------------------------------- /classification/seNet/data/test/2.jpeg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/seNet/data/test/2.jpeg -------------------------------------------------------------------------------- /classification/seNet/data/test/3.jpeg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/seNet/data/test/3.jpeg -------------------------------------------------------------------------------- /classification/seNet/dataLoader/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /classification/seNet/dataLoader/dataLoader.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/seNet/dataLoader/dataLoader.py -------------------------------------------------------------------------------- /classification/seNet/dataLoader/dataSet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/seNet/dataLoader/dataSet.py -------------------------------------------------------------------------------- /classification/seNet/models/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /classification/seNet/models/networks.py: -------------------------------------------------------------------------------- 1 | from models.se_resnet import * 2 | 3 | 4 | 5 | -------------------------------------------------------------------------------- /classification/seNet/models/se_module.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/seNet/models/se_module.py -------------------------------------------------------------------------------- /classification/seNet/models/se_resnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/seNet/models/se_resnet.py -------------------------------------------------------------------------------- /classification/seNet/test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/seNet/test.py -------------------------------------------------------------------------------- /classification/seNet/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/seNet/train.py -------------------------------------------------------------------------------- /classification/seNet/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/seNet/utils.py -------------------------------------------------------------------------------- /classification/skNet/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/skNet/README.md -------------------------------------------------------------------------------- /classification/skNet/class_indices.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/skNet/class_indices.json -------------------------------------------------------------------------------- /classification/skNet/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/skNet/config.py -------------------------------------------------------------------------------- /classification/skNet/configs/sknet101.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/skNet/configs/sknet101.yaml -------------------------------------------------------------------------------- /classification/skNet/configs/sknet26.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/skNet/configs/sknet26.yaml -------------------------------------------------------------------------------- /classification/skNet/configs/sknet50.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/skNet/configs/sknet50.yaml -------------------------------------------------------------------------------- /classification/skNet/data/class_indices.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/skNet/data/class_indices.json -------------------------------------------------------------------------------- /classification/skNet/data/test/1.jpeg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/skNet/data/test/1.jpeg -------------------------------------------------------------------------------- /classification/skNet/data/test/2.jpeg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/skNet/data/test/2.jpeg -------------------------------------------------------------------------------- /classification/skNet/data/test/3.jpeg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/skNet/data/test/3.jpeg -------------------------------------------------------------------------------- /classification/skNet/data/train.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/skNet/data/train.txt -------------------------------------------------------------------------------- /classification/skNet/data/val.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/skNet/data/val.txt -------------------------------------------------------------------------------- /classification/skNet/dataLoader/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/skNet/dataLoader/__init__.py -------------------------------------------------------------------------------- /classification/skNet/dataLoader/build.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/skNet/dataLoader/build.py -------------------------------------------------------------------------------- /classification/skNet/dataLoader/map22kto1k.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/skNet/dataLoader/map22kto1k.txt -------------------------------------------------------------------------------- /classification/skNet/dataLoader/samplers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/skNet/dataLoader/samplers.py -------------------------------------------------------------------------------- /classification/skNet/dataLoader/zipreader.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/skNet/dataLoader/zipreader.py -------------------------------------------------------------------------------- /classification/skNet/figures/figure1.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/skNet/figures/figure1.png -------------------------------------------------------------------------------- /classification/skNet/figures/figure2.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/skNet/figures/figure2.png -------------------------------------------------------------------------------- /classification/skNet/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/skNet/main.py -------------------------------------------------------------------------------- /classification/skNet/models/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/skNet/models/__init__.py -------------------------------------------------------------------------------- /classification/skNet/models/build.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/skNet/models/build.py -------------------------------------------------------------------------------- /classification/skNet/models/sknet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/skNet/models/sknet.py -------------------------------------------------------------------------------- /classification/skNet/predict.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/skNet/predict.py -------------------------------------------------------------------------------- /classification/skNet/utils/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/skNet/utils/__init__.py -------------------------------------------------------------------------------- /classification/skNet/utils/logger.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/skNet/utils/logger.py -------------------------------------------------------------------------------- /classification/skNet/utils/lr_scheduler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/skNet/utils/lr_scheduler.py -------------------------------------------------------------------------------- /classification/skNet/utils/optimizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/skNet/utils/optimizer.py -------------------------------------------------------------------------------- /classification/skNet/utils/torch_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/skNet/utils/torch_utils.py -------------------------------------------------------------------------------- /classification/swin_transformer/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/swin_transformer/README.md -------------------------------------------------------------------------------- /classification/swin_transformer/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/swin_transformer/config.py -------------------------------------------------------------------------------- /classification/swin_transformer/data/train.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/swin_transformer/data/train.txt -------------------------------------------------------------------------------- /classification/swin_transformer/data/val.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/swin_transformer/data/val.txt -------------------------------------------------------------------------------- /classification/swin_transformer/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/swin_transformer/main.py -------------------------------------------------------------------------------- /classification/swin_transformer/predict.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/swin_transformer/predict.py -------------------------------------------------------------------------------- /classification/vggNet/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/vggNet/README.md -------------------------------------------------------------------------------- /classification/vggNet/data/test/1.jpeg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/vggNet/data/test/1.jpeg -------------------------------------------------------------------------------- /classification/vggNet/data/test/2.jpeg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/vggNet/data/test/2.jpeg -------------------------------------------------------------------------------- /classification/vggNet/data/test/3.jpeg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/vggNet/data/test/3.jpeg -------------------------------------------------------------------------------- /classification/vggNet/dataLoader/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /classification/vggNet/dataLoader/dataLoader.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/vggNet/dataLoader/dataLoader.py -------------------------------------------------------------------------------- /classification/vggNet/dataLoader/dataSet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/vggNet/dataLoader/dataSet.py -------------------------------------------------------------------------------- /classification/vggNet/models/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /classification/vggNet/models/network.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/vggNet/models/network.py -------------------------------------------------------------------------------- /classification/vggNet/test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/vggNet/test.py -------------------------------------------------------------------------------- /classification/vggNet/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/vggNet/train.py -------------------------------------------------------------------------------- /classification/vggNet/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/vggNet/utils.py -------------------------------------------------------------------------------- /classification/vision_transformer/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/vision_transformer/README.md -------------------------------------------------------------------------------- /classification/vision_transformer/flops.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/vision_transformer/flops.py -------------------------------------------------------------------------------- /classification/vision_transformer/predict.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/vision_transformer/predict.py -------------------------------------------------------------------------------- /classification/vision_transformer/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/vision_transformer/train.py -------------------------------------------------------------------------------- /classification/vision_transformer/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/vision_transformer/utils.py -------------------------------------------------------------------------------- /classification/vision_transformer/vit_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/classification/vision_transformer/vit_model.py -------------------------------------------------------------------------------- /competation/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/competation/README.md -------------------------------------------------------------------------------- /deep_stereo/Real_time_self_adaptive_depp_stereo/Sampler/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /deep_stereo/Real_time_self_adaptive_depp_stereo/data_utils/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /deep_stereo/Real_time_self_adaptive_depp_stereo/losses/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /deep_stereo/Real_time_self_adaptive_depp_stereo/models/__init__.py: -------------------------------------------------------------------------------- 1 | from .conv_with_same_pad import conv2d -------------------------------------------------------------------------------- /deep_stereo/Real_time_self_adaptive_depp_stereo/utils/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /detection/FCOS/README.md: -------------------------------------------------------------------------------- 1 | # Fcos 2 | ## 论文《》 -------------------------------------------------------------------------------- /detection/FCOS/data/__init__.py: -------------------------------------------------------------------------------- 1 | 2 | -------------------------------------------------------------------------------- /detection/FCOS/data/coco.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/FCOS/data/coco.py -------------------------------------------------------------------------------- /detection/FCOS/data/coco_classes.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/FCOS/data/coco_classes.py -------------------------------------------------------------------------------- /detection/FCOS/data/data_augment.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/FCOS/data/data_augment.py -------------------------------------------------------------------------------- /detection/FCOS/data/voc.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/FCOS/data/voc.py -------------------------------------------------------------------------------- /detection/FCOS/data/voc_classes.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/FCOS/data/voc_classes.py -------------------------------------------------------------------------------- /detection/FCOS/detect.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/FCOS/detect.py -------------------------------------------------------------------------------- /detection/FCOS/inference.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/FCOS/inference.yaml -------------------------------------------------------------------------------- /detection/FCOS/models/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /detection/FCOS/models/backbone/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /detection/FCOS/models/backbone/resnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/FCOS/models/backbone/resnet.py -------------------------------------------------------------------------------- /detection/FCOS/models/fcos.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/FCOS/models/fcos.py -------------------------------------------------------------------------------- /detection/FCOS/models/fpn_neck.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/FCOS/models/fpn_neck.py -------------------------------------------------------------------------------- /detection/FCOS/models/head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/FCOS/models/head.py -------------------------------------------------------------------------------- /detection/FCOS/models/loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/FCOS/models/loss.py -------------------------------------------------------------------------------- /detection/FCOS/models/model.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/FCOS/models/model.yaml -------------------------------------------------------------------------------- /detection/FCOS/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/FCOS/train.py -------------------------------------------------------------------------------- /detection/FCOS/trainers/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /detection/FCOS/trainers/eval_voc.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/FCOS/trainers/eval_voc.py -------------------------------------------------------------------------------- /detection/FCOS/trainers/trainer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/FCOS/trainers/trainer.py -------------------------------------------------------------------------------- /detection/FCOS/utils/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /detection/FCOS/utils/logger.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/FCOS/utils/logger.py -------------------------------------------------------------------------------- /detection/FCOS/utils/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/FCOS/utils/utils.py -------------------------------------------------------------------------------- /detection/FPN/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/FPN/README.md -------------------------------------------------------------------------------- /detection/FPN/doc/fpn.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/FPN/doc/fpn.png -------------------------------------------------------------------------------- /detection/FPN/doc/resnetB_D.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/FPN/doc/resnetB_D.png -------------------------------------------------------------------------------- /detection/FPN/doc/subnet.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/FPN/doc/subnet.png -------------------------------------------------------------------------------- /detection/FPN/fpn_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/FPN/fpn_model.py -------------------------------------------------------------------------------- /detection/RetinaNet/.gitignore: -------------------------------------------------------------------------------- 1 | __pychche__ 2 | *.pth -------------------------------------------------------------------------------- /detection/RetinaNet/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/RetinaNet/README.md -------------------------------------------------------------------------------- /detection/RetinaNet/backbone/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/RetinaNet/backbone/__init__.py -------------------------------------------------------------------------------- /detection/RetinaNet/doc/2007_001185.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/RetinaNet/doc/2007_001185.jpg -------------------------------------------------------------------------------- /detection/RetinaNet/doc/2007_001288.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/RetinaNet/doc/2007_001288.jpg -------------------------------------------------------------------------------- /detection/RetinaNet/doc/loss.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/RetinaNet/doc/loss.png -------------------------------------------------------------------------------- /detection/RetinaNet/doc/resnet.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/RetinaNet/doc/resnet.png -------------------------------------------------------------------------------- /detection/RetinaNet/doc/resnet1.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/RetinaNet/doc/resnet1.png -------------------------------------------------------------------------------- /detection/RetinaNet/doc/resnet2.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/RetinaNet/doc/resnet2.png -------------------------------------------------------------------------------- /detection/RetinaNet/doc/retinanet.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/RetinaNet/doc/retinanet.png -------------------------------------------------------------------------------- /detection/RetinaNet/doc/subnet.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/RetinaNet/doc/subnet.png -------------------------------------------------------------------------------- /detection/RetinaNet/doc/test_result.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/RetinaNet/doc/test_result.jpg -------------------------------------------------------------------------------- /detection/RetinaNet/doc/样本匹配.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/RetinaNet/doc/样本匹配.png -------------------------------------------------------------------------------- /detection/RetinaNet/draw_box_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/RetinaNet/draw_box_utils.py -------------------------------------------------------------------------------- /detection/RetinaNet/focal_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/RetinaNet/focal_loss.py -------------------------------------------------------------------------------- /detection/RetinaNet/my_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/RetinaNet/my_dataset.py -------------------------------------------------------------------------------- /detection/RetinaNet/network_files/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/RetinaNet/network_files/__init__.py -------------------------------------------------------------------------------- /detection/RetinaNet/network_files/boxes.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/RetinaNet/network_files/boxes.py -------------------------------------------------------------------------------- /detection/RetinaNet/network_files/det_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/RetinaNet/network_files/det_utils.py -------------------------------------------------------------------------------- /detection/RetinaNet/network_files/losses.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/RetinaNet/network_files/losses.py -------------------------------------------------------------------------------- /detection/RetinaNet/network_files/retinanet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/RetinaNet/network_files/retinanet.py -------------------------------------------------------------------------------- /detection/RetinaNet/network_files/transform.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/RetinaNet/network_files/transform.py -------------------------------------------------------------------------------- /detection/RetinaNet/pascal_voc_classes.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/RetinaNet/pascal_voc_classes.json -------------------------------------------------------------------------------- /detection/RetinaNet/plot_curve.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/RetinaNet/plot_curve.py -------------------------------------------------------------------------------- /detection/RetinaNet/predict.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/RetinaNet/predict.py -------------------------------------------------------------------------------- /detection/RetinaNet/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/RetinaNet/requirements.txt -------------------------------------------------------------------------------- /detection/RetinaNet/results20210421-142632.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/RetinaNet/results20210421-142632.txt -------------------------------------------------------------------------------- /detection/RetinaNet/test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/RetinaNet/test.py -------------------------------------------------------------------------------- /detection/RetinaNet/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/RetinaNet/train.py -------------------------------------------------------------------------------- /detection/RetinaNet/train_multi_GPU.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/RetinaNet/train_multi_GPU.py -------------------------------------------------------------------------------- /detection/RetinaNet/train_utils/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/RetinaNet/train_utils/__init__.py -------------------------------------------------------------------------------- /detection/RetinaNet/train_utils/coco_eval.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/RetinaNet/train_utils/coco_eval.py -------------------------------------------------------------------------------- /detection/RetinaNet/train_utils/coco_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/RetinaNet/train_utils/coco_utils.py -------------------------------------------------------------------------------- /detection/RetinaNet/transforms.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/RetinaNet/transforms.py -------------------------------------------------------------------------------- /detection/RetinaNet/validation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/RetinaNet/validation.py -------------------------------------------------------------------------------- /detection/YOLOX/.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/YOLOX/.gitignore -------------------------------------------------------------------------------- /detection/YOLOX/LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/YOLOX/LICENSE -------------------------------------------------------------------------------- /detection/YOLOX/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/YOLOX/README.md -------------------------------------------------------------------------------- /detection/YOLOX/assets/demo.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/YOLOX/assets/demo.png -------------------------------------------------------------------------------- /detection/YOLOX/assets/dog.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/YOLOX/assets/dog.jpg -------------------------------------------------------------------------------- /detection/YOLOX/assets/git_fig.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/YOLOX/assets/git_fig.png -------------------------------------------------------------------------------- /detection/YOLOX/assets/logo.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/YOLOX/assets/logo.png -------------------------------------------------------------------------------- /detection/YOLOX/demo/MegEngine/cpp/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/YOLOX/demo/MegEngine/cpp/README.md -------------------------------------------------------------------------------- /detection/YOLOX/demo/MegEngine/cpp/build.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/YOLOX/demo/MegEngine/cpp/build.sh -------------------------------------------------------------------------------- /detection/YOLOX/demo/MegEngine/cpp/yolox.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/YOLOX/demo/MegEngine/cpp/yolox.cpp -------------------------------------------------------------------------------- /detection/YOLOX/demo/MegEngine/python/build.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/YOLOX/demo/MegEngine/python/build.py -------------------------------------------------------------------------------- /detection/YOLOX/demo/MegEngine/python/demo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/YOLOX/demo/MegEngine/python/demo.py -------------------------------------------------------------------------------- /detection/YOLOX/demo/MegEngine/python/dump.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/YOLOX/demo/MegEngine/python/dump.py -------------------------------------------------------------------------------- /detection/YOLOX/demo/ONNXRuntime/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/YOLOX/demo/ONNXRuntime/README.md -------------------------------------------------------------------------------- /detection/YOLOX/demo/OpenVINO/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/YOLOX/demo/OpenVINO/README.md -------------------------------------------------------------------------------- /detection/YOLOX/demo/OpenVINO/cpp/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/YOLOX/demo/OpenVINO/cpp/README.md -------------------------------------------------------------------------------- /detection/YOLOX/demo/OpenVINO/python/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/YOLOX/demo/OpenVINO/python/README.md -------------------------------------------------------------------------------- /detection/YOLOX/demo/TensorRT/cpp/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/YOLOX/demo/TensorRT/cpp/README.md -------------------------------------------------------------------------------- /detection/YOLOX/demo/TensorRT/cpp/logging.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/YOLOX/demo/TensorRT/cpp/logging.h -------------------------------------------------------------------------------- /detection/YOLOX/demo/TensorRT/cpp/yolox.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/YOLOX/demo/TensorRT/cpp/yolox.cpp -------------------------------------------------------------------------------- /detection/YOLOX/demo/TensorRT/python/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/YOLOX/demo/TensorRT/python/README.md -------------------------------------------------------------------------------- /detection/YOLOX/demo/ncnn/android/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/YOLOX/demo/ncnn/android/README.md -------------------------------------------------------------------------------- /detection/YOLOX/demo/ncnn/android/build.gradle: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/YOLOX/demo/ncnn/android/build.gradle -------------------------------------------------------------------------------- /detection/YOLOX/demo/ncnn/android/gradlew: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/YOLOX/demo/ncnn/android/gradlew -------------------------------------------------------------------------------- /detection/YOLOX/demo/ncnn/android/gradlew.bat: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/YOLOX/demo/ncnn/android/gradlew.bat -------------------------------------------------------------------------------- /detection/YOLOX/demo/ncnn/android/settings.gradle: -------------------------------------------------------------------------------- 1 | include ':app' 2 | -------------------------------------------------------------------------------- /detection/YOLOX/demo/ncnn/cpp/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/YOLOX/demo/ncnn/cpp/README.md -------------------------------------------------------------------------------- /detection/YOLOX/demo/ncnn/cpp/yolox.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/YOLOX/demo/ncnn/cpp/yolox.cpp -------------------------------------------------------------------------------- /detection/YOLOX/docs/.gitignore: -------------------------------------------------------------------------------- 1 | _build -------------------------------------------------------------------------------- /detection/YOLOX/docs/Makefile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/YOLOX/docs/Makefile -------------------------------------------------------------------------------- /detection/YOLOX/docs/_static/css/custom.css: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/YOLOX/docs/_static/css/custom.css -------------------------------------------------------------------------------- /detection/YOLOX/docs/conf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/YOLOX/docs/conf.py -------------------------------------------------------------------------------- /detection/YOLOX/docs/demo/megengine_cpp_readme.md: -------------------------------------------------------------------------------- 1 | ../../demo/MegEngine/cpp/README.md -------------------------------------------------------------------------------- /detection/YOLOX/docs/demo/megengine_py_readme.md: -------------------------------------------------------------------------------- 1 | ../../demo/MegEngine/python/README.md -------------------------------------------------------------------------------- /detection/YOLOX/docs/demo/ncnn_android_readme.md: -------------------------------------------------------------------------------- 1 | ../../demo/ncnn/android/README.md -------------------------------------------------------------------------------- /detection/YOLOX/docs/demo/ncnn_cpp_readme.md: -------------------------------------------------------------------------------- 1 | ../../demo/ncnn/cpp/README.md -------------------------------------------------------------------------------- /detection/YOLOX/docs/demo/onnx_readme.md: -------------------------------------------------------------------------------- 1 | ../../demo/ONNXRuntime/README.md -------------------------------------------------------------------------------- /detection/YOLOX/docs/demo/openvino_cpp_readme.md: -------------------------------------------------------------------------------- 1 | ../../demo/OpenVINO/cpp/README.md -------------------------------------------------------------------------------- /detection/YOLOX/docs/demo/openvino_py_readme.md: -------------------------------------------------------------------------------- 1 | ../../demo/OpenVINO/python/README.md -------------------------------------------------------------------------------- /detection/YOLOX/docs/demo/trt_cpp_readme.md: -------------------------------------------------------------------------------- 1 | ../../demo/TensorRT/cpp/README.md -------------------------------------------------------------------------------- /detection/YOLOX/docs/demo/trt_py_readme.md: -------------------------------------------------------------------------------- 1 | ../../demo/TensorRT/python/README.md -------------------------------------------------------------------------------- /detection/YOLOX/docs/index.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/YOLOX/docs/index.rst -------------------------------------------------------------------------------- /detection/YOLOX/docs/model_zoo.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/YOLOX/docs/model_zoo.md -------------------------------------------------------------------------------- /detection/YOLOX/docs/quick_run.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/YOLOX/docs/quick_run.md -------------------------------------------------------------------------------- /detection/YOLOX/docs/requirements-doc.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/YOLOX/docs/requirements-doc.txt -------------------------------------------------------------------------------- /detection/YOLOX/docs/train_custom_data.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/YOLOX/docs/train_custom_data.md -------------------------------------------------------------------------------- /detection/YOLOX/docs/updates_note.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/YOLOX/docs/updates_note.md -------------------------------------------------------------------------------- /detection/YOLOX/exps/default/nano.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/YOLOX/exps/default/nano.py -------------------------------------------------------------------------------- /detection/YOLOX/exps/default/yolov3.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/YOLOX/exps/default/yolov3.py -------------------------------------------------------------------------------- /detection/YOLOX/exps/default/yolox_l.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/YOLOX/exps/default/yolox_l.py -------------------------------------------------------------------------------- /detection/YOLOX/exps/default/yolox_m.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/YOLOX/exps/default/yolox_m.py -------------------------------------------------------------------------------- /detection/YOLOX/exps/default/yolox_s.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/YOLOX/exps/default/yolox_s.py -------------------------------------------------------------------------------- /detection/YOLOX/exps/default/yolox_tiny.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/YOLOX/exps/default/yolox_tiny.py -------------------------------------------------------------------------------- /detection/YOLOX/exps/default/yolox_x.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/YOLOX/exps/default/yolox_x.py -------------------------------------------------------------------------------- /detection/YOLOX/exps/example/custom/nano.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/YOLOX/exps/example/custom/nano.py -------------------------------------------------------------------------------- /detection/YOLOX/exps/example/custom/yolox_s.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/YOLOX/exps/example/custom/yolox_s.py -------------------------------------------------------------------------------- /detection/YOLOX/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/YOLOX/requirements.txt -------------------------------------------------------------------------------- /detection/YOLOX/setup.cfg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/YOLOX/setup.cfg -------------------------------------------------------------------------------- /detection/YOLOX/setup.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/YOLOX/setup.py -------------------------------------------------------------------------------- /detection/YOLOX/tools/demo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/YOLOX/tools/demo.py -------------------------------------------------------------------------------- /detection/YOLOX/tools/eval.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/YOLOX/tools/eval.py -------------------------------------------------------------------------------- /detection/YOLOX/tools/export_onnx.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/YOLOX/tools/export_onnx.py -------------------------------------------------------------------------------- /detection/YOLOX/tools/export_torchscript.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/YOLOX/tools/export_torchscript.py -------------------------------------------------------------------------------- /detection/YOLOX/tools/gen_voc_data.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/YOLOX/tools/gen_voc_data.py -------------------------------------------------------------------------------- /detection/YOLOX/tools/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/YOLOX/tools/train.py -------------------------------------------------------------------------------- /detection/YOLOX/tools/trt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/YOLOX/tools/trt.py -------------------------------------------------------------------------------- /detection/YOLOX/yolox/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/YOLOX/yolox/__init__.py -------------------------------------------------------------------------------- /detection/YOLOX/yolox/core/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/YOLOX/yolox/core/__init__.py -------------------------------------------------------------------------------- /detection/YOLOX/yolox/core/launch.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/YOLOX/yolox/core/launch.py -------------------------------------------------------------------------------- /detection/YOLOX/yolox/core/trainer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/YOLOX/yolox/core/trainer.py -------------------------------------------------------------------------------- /detection/YOLOX/yolox/data/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/YOLOX/yolox/data/__init__.py -------------------------------------------------------------------------------- /detection/YOLOX/yolox/data/data_augment.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/YOLOX/yolox/data/data_augment.py -------------------------------------------------------------------------------- /detection/YOLOX/yolox/data/data_prefetcher.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/YOLOX/yolox/data/data_prefetcher.py -------------------------------------------------------------------------------- /detection/YOLOX/yolox/data/dataloading.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/YOLOX/yolox/data/dataloading.py -------------------------------------------------------------------------------- /detection/YOLOX/yolox/data/datasets/coco.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/YOLOX/yolox/data/datasets/coco.py -------------------------------------------------------------------------------- /detection/YOLOX/yolox/data/datasets/voc.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/YOLOX/yolox/data/datasets/voc.py -------------------------------------------------------------------------------- /detection/YOLOX/yolox/data/samplers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/YOLOX/yolox/data/samplers.py -------------------------------------------------------------------------------- /detection/YOLOX/yolox/evaluators/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/YOLOX/yolox/evaluators/__init__.py -------------------------------------------------------------------------------- /detection/YOLOX/yolox/evaluators/voc_eval.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/YOLOX/yolox/evaluators/voc_eval.py -------------------------------------------------------------------------------- /detection/YOLOX/yolox/exp/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/YOLOX/yolox/exp/__init__.py -------------------------------------------------------------------------------- /detection/YOLOX/yolox/exp/base_exp.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/YOLOX/yolox/exp/base_exp.py -------------------------------------------------------------------------------- /detection/YOLOX/yolox/exp/build.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/YOLOX/yolox/exp/build.py -------------------------------------------------------------------------------- /detection/YOLOX/yolox/exp/yolox_base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/YOLOX/yolox/exp/yolox_base.py -------------------------------------------------------------------------------- /detection/YOLOX/yolox/layers/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/YOLOX/yolox/layers/__init__.py -------------------------------------------------------------------------------- /detection/YOLOX/yolox/layers/csrc/vision.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/YOLOX/yolox/layers/csrc/vision.cpp -------------------------------------------------------------------------------- /detection/YOLOX/yolox/models/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/YOLOX/yolox/models/__init__.py -------------------------------------------------------------------------------- /detection/YOLOX/yolox/models/darknet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/YOLOX/yolox/models/darknet.py -------------------------------------------------------------------------------- /detection/YOLOX/yolox/models/losses.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/YOLOX/yolox/models/losses.py -------------------------------------------------------------------------------- /detection/YOLOX/yolox/models/network_blocks.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/YOLOX/yolox/models/network_blocks.py -------------------------------------------------------------------------------- /detection/YOLOX/yolox/models/yolo_fpn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/YOLOX/yolox/models/yolo_fpn.py -------------------------------------------------------------------------------- /detection/YOLOX/yolox/models/yolo_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/YOLOX/yolox/models/yolo_head.py -------------------------------------------------------------------------------- /detection/YOLOX/yolox/models/yolo_pafpn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/YOLOX/yolox/models/yolo_pafpn.py -------------------------------------------------------------------------------- /detection/YOLOX/yolox/models/yolox.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/YOLOX/yolox/models/yolox.py -------------------------------------------------------------------------------- /detection/YOLOX/yolox/utils/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/YOLOX/yolox/utils/__init__.py -------------------------------------------------------------------------------- /detection/YOLOX/yolox/utils/allreduce_norm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/YOLOX/yolox/utils/allreduce_norm.py -------------------------------------------------------------------------------- /detection/YOLOX/yolox/utils/boxes.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/YOLOX/yolox/utils/boxes.py -------------------------------------------------------------------------------- /detection/YOLOX/yolox/utils/checkpoint.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/YOLOX/yolox/utils/checkpoint.py -------------------------------------------------------------------------------- /detection/YOLOX/yolox/utils/demo_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/YOLOX/yolox/utils/demo_utils.py -------------------------------------------------------------------------------- /detection/YOLOX/yolox/utils/dist.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/YOLOX/yolox/utils/dist.py -------------------------------------------------------------------------------- /detection/YOLOX/yolox/utils/ema.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/YOLOX/yolox/utils/ema.py -------------------------------------------------------------------------------- /detection/YOLOX/yolox/utils/logger.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/YOLOX/yolox/utils/logger.py -------------------------------------------------------------------------------- /detection/YOLOX/yolox/utils/lr_scheduler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/YOLOX/yolox/utils/lr_scheduler.py -------------------------------------------------------------------------------- /detection/YOLOX/yolox/utils/metric.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/YOLOX/yolox/utils/metric.py -------------------------------------------------------------------------------- /detection/YOLOX/yolox/utils/model_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/YOLOX/yolox/utils/model_utils.py -------------------------------------------------------------------------------- /detection/YOLOX/yolox/utils/setup_env.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/YOLOX/yolox/utils/setup_env.py -------------------------------------------------------------------------------- /detection/YOLOX/yolox/utils/visualize.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/YOLOX/yolox/utils/visualize.py -------------------------------------------------------------------------------- /detection/fasterRcnn/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/fasterRcnn/README.md -------------------------------------------------------------------------------- /detection/fasterRcnn/data/.keep: -------------------------------------------------------------------------------- 1 | 存放数据 -------------------------------------------------------------------------------- /detection/fasterRcnn/dataLoader/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /detection/fasterRcnn/dataLoader/split_data.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/fasterRcnn/dataLoader/split_data.py -------------------------------------------------------------------------------- /detection/fasterRcnn/dataLoader/transforms.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/fasterRcnn/dataLoader/transforms.py -------------------------------------------------------------------------------- /detection/fasterRcnn/dataLoader/voc_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/fasterRcnn/dataLoader/voc_dataset.py -------------------------------------------------------------------------------- /detection/fasterRcnn/fasterRCNN.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/fasterRcnn/fasterRCNN.png -------------------------------------------------------------------------------- /detection/fasterRcnn/models/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/fasterRcnn/models/__init__.py -------------------------------------------------------------------------------- /detection/fasterRcnn/models/backbone/vgg.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/fasterRcnn/models/backbone/vgg.py -------------------------------------------------------------------------------- /detection/fasterRcnn/models/faster_rcnn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/fasterRcnn/models/faster_rcnn.py -------------------------------------------------------------------------------- /detection/fasterRcnn/models/roi_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/fasterRcnn/models/roi_head.py -------------------------------------------------------------------------------- /detection/fasterRcnn/models/rpn_function.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/fasterRcnn/models/rpn_function.py -------------------------------------------------------------------------------- /detection/fasterRcnn/models/transform.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/fasterRcnn/models/transform.py -------------------------------------------------------------------------------- /detection/fasterRcnn/pascal_voc_classes.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/fasterRcnn/pascal_voc_classes.json -------------------------------------------------------------------------------- /detection/fasterRcnn/predict.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/fasterRcnn/predict.py -------------------------------------------------------------------------------- /detection/fasterRcnn/train_mobile_v2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/fasterRcnn/train_mobile_v2.py -------------------------------------------------------------------------------- /detection/fasterRcnn/train_multi_gpu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/fasterRcnn/train_multi_gpu.py -------------------------------------------------------------------------------- /detection/fasterRcnn/train_resnet50_fpn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/fasterRcnn/train_resnet50_fpn.py -------------------------------------------------------------------------------- /detection/fasterRcnn/utils/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/fasterRcnn/utils/__init__.py -------------------------------------------------------------------------------- /detection/fasterRcnn/utils/boxes.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/fasterRcnn/utils/boxes.py -------------------------------------------------------------------------------- /detection/fasterRcnn/utils/coco_eval.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/fasterRcnn/utils/coco_eval.py -------------------------------------------------------------------------------- /detection/fasterRcnn/utils/coco_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/fasterRcnn/utils/coco_utils.py -------------------------------------------------------------------------------- /detection/fasterRcnn/utils/det_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/fasterRcnn/utils/det_utils.py -------------------------------------------------------------------------------- /detection/fasterRcnn/utils/draw_box_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/fasterRcnn/utils/draw_box_utils.py -------------------------------------------------------------------------------- /detection/fasterRcnn/utils/plot_curve.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/fasterRcnn/utils/plot_curve.py -------------------------------------------------------------------------------- /detection/fasterRcnn/utils/train_eval_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/fasterRcnn/utils/train_eval_utils.py -------------------------------------------------------------------------------- /detection/fasterRcnn/validation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/fasterRcnn/validation.py -------------------------------------------------------------------------------- /detection/yolov5/.dockerignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/yolov5/.dockerignore -------------------------------------------------------------------------------- /detection/yolov5/.gitattributes: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/yolov5/.gitattributes -------------------------------------------------------------------------------- /detection/yolov5/.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/yolov5/.gitignore -------------------------------------------------------------------------------- /detection/yolov5/CONTRIBUTING.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/yolov5/CONTRIBUTING.md -------------------------------------------------------------------------------- /detection/yolov5/Dockerfile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/yolov5/Dockerfile -------------------------------------------------------------------------------- /detection/yolov5/LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/yolov5/LICENSE -------------------------------------------------------------------------------- /detection/yolov5/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/yolov5/README.md -------------------------------------------------------------------------------- /detection/yolov5/data/Argoverse.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/yolov5/data/Argoverse.yaml -------------------------------------------------------------------------------- /detection/yolov5/data/GlobalWheat2020.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/yolov5/data/GlobalWheat2020.yaml -------------------------------------------------------------------------------- /detection/yolov5/data/Objects365.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/yolov5/data/Objects365.yaml -------------------------------------------------------------------------------- /detection/yolov5/data/SKU-110K.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/yolov5/data/SKU-110K.yaml -------------------------------------------------------------------------------- /detection/yolov5/data/VOC.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/yolov5/data/VOC.yaml -------------------------------------------------------------------------------- /detection/yolov5/data/VisDrone.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/yolov5/data/VisDrone.yaml -------------------------------------------------------------------------------- /detection/yolov5/data/coco.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/yolov5/data/coco.yaml -------------------------------------------------------------------------------- /detection/yolov5/data/coco128.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/yolov5/data/coco128.yaml -------------------------------------------------------------------------------- /detection/yolov5/data/hyps/hyp.finetune.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/yolov5/data/hyps/hyp.finetune.yaml -------------------------------------------------------------------------------- /detection/yolov5/data/hyps/hyp.scratch-p6.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/yolov5/data/hyps/hyp.scratch-p6.yaml -------------------------------------------------------------------------------- /detection/yolov5/data/hyps/hyp.scratch.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/yolov5/data/hyps/hyp.scratch.yaml -------------------------------------------------------------------------------- /detection/yolov5/data/images/bus.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/yolov5/data/images/bus.jpg -------------------------------------------------------------------------------- /detection/yolov5/data/images/zidane.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/yolov5/data/images/zidane.jpg -------------------------------------------------------------------------------- /detection/yolov5/data/scripts/get_coco.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/yolov5/data/scripts/get_coco.sh -------------------------------------------------------------------------------- /detection/yolov5/data/scripts/get_coco128.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/yolov5/data/scripts/get_coco128.sh -------------------------------------------------------------------------------- /detection/yolov5/data/xView.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/yolov5/data/xView.yaml -------------------------------------------------------------------------------- /detection/yolov5/detect.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/yolov5/detect.py -------------------------------------------------------------------------------- /detection/yolov5/export.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/yolov5/export.py -------------------------------------------------------------------------------- /detection/yolov5/hubconf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/yolov5/hubconf.py -------------------------------------------------------------------------------- /detection/yolov5/models/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /detection/yolov5/models/common.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/yolov5/models/common.py -------------------------------------------------------------------------------- /detection/yolov5/models/experimental.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/yolov5/models/experimental.py -------------------------------------------------------------------------------- /detection/yolov5/models/hub/anchors.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/yolov5/models/hub/anchors.yaml -------------------------------------------------------------------------------- /detection/yolov5/models/hub/yolov3-spp.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/yolov5/models/hub/yolov3-spp.yaml -------------------------------------------------------------------------------- /detection/yolov5/models/hub/yolov3-tiny.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/yolov5/models/hub/yolov3-tiny.yaml -------------------------------------------------------------------------------- /detection/yolov5/models/hub/yolov3.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/yolov5/models/hub/yolov3.yaml -------------------------------------------------------------------------------- /detection/yolov5/models/hub/yolov5-bifpn.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/yolov5/models/hub/yolov5-bifpn.yaml -------------------------------------------------------------------------------- /detection/yolov5/models/hub/yolov5-fpn.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/yolov5/models/hub/yolov5-fpn.yaml -------------------------------------------------------------------------------- /detection/yolov5/models/hub/yolov5-p2.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/yolov5/models/hub/yolov5-p2.yaml -------------------------------------------------------------------------------- /detection/yolov5/models/hub/yolov5-p6.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/yolov5/models/hub/yolov5-p6.yaml -------------------------------------------------------------------------------- /detection/yolov5/models/hub/yolov5-p7.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/yolov5/models/hub/yolov5-p7.yaml -------------------------------------------------------------------------------- /detection/yolov5/models/hub/yolov5-panet.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/yolov5/models/hub/yolov5-panet.yaml -------------------------------------------------------------------------------- /detection/yolov5/models/hub/yolov5l6.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/yolov5/models/hub/yolov5l6.yaml -------------------------------------------------------------------------------- /detection/yolov5/models/hub/yolov5m6.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/yolov5/models/hub/yolov5m6.yaml -------------------------------------------------------------------------------- /detection/yolov5/models/hub/yolov5s-ghost.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/yolov5/models/hub/yolov5s-ghost.yaml -------------------------------------------------------------------------------- /detection/yolov5/models/hub/yolov5s6.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/yolov5/models/hub/yolov5s6.yaml -------------------------------------------------------------------------------- /detection/yolov5/models/hub/yolov5x6.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/yolov5/models/hub/yolov5x6.yaml -------------------------------------------------------------------------------- /detection/yolov5/models/yolo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/yolov5/models/yolo.py -------------------------------------------------------------------------------- /detection/yolov5/models/yolov5l.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/yolov5/models/yolov5l.yaml -------------------------------------------------------------------------------- /detection/yolov5/models/yolov5m.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/yolov5/models/yolov5m.yaml -------------------------------------------------------------------------------- /detection/yolov5/models/yolov5s.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/yolov5/models/yolov5s.yaml -------------------------------------------------------------------------------- /detection/yolov5/models/yolov5x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/yolov5/models/yolov5x.yaml -------------------------------------------------------------------------------- /detection/yolov5/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/yolov5/requirements.txt -------------------------------------------------------------------------------- /detection/yolov5/test_ops.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/yolov5/test_ops.py -------------------------------------------------------------------------------- /detection/yolov5/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/yolov5/train.py -------------------------------------------------------------------------------- /detection/yolov5/tutorial.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/yolov5/tutorial.ipynb -------------------------------------------------------------------------------- /detection/yolov5/utils/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /detection/yolov5/utils/activations.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/yolov5/utils/activations.py -------------------------------------------------------------------------------- /detection/yolov5/utils/augmentations.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/yolov5/utils/augmentations.py -------------------------------------------------------------------------------- /detection/yolov5/utils/autoanchor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/yolov5/utils/autoanchor.py -------------------------------------------------------------------------------- /detection/yolov5/utils/aws/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /detection/yolov5/utils/aws/mime.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/yolov5/utils/aws/mime.sh -------------------------------------------------------------------------------- /detection/yolov5/utils/aws/resume.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/yolov5/utils/aws/resume.py -------------------------------------------------------------------------------- /detection/yolov5/utils/aws/userdata.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/yolov5/utils/aws/userdata.sh -------------------------------------------------------------------------------- /detection/yolov5/utils/callbacks.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/yolov5/utils/callbacks.py -------------------------------------------------------------------------------- /detection/yolov5/utils/datasets.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/yolov5/utils/datasets.py -------------------------------------------------------------------------------- /detection/yolov5/utils/downloads.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/yolov5/utils/downloads.py -------------------------------------------------------------------------------- /detection/yolov5/utils/general.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/yolov5/utils/general.py -------------------------------------------------------------------------------- /detection/yolov5/utils/loggers/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/yolov5/utils/loggers/__init__.py -------------------------------------------------------------------------------- /detection/yolov5/utils/loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/yolov5/utils/loss.py -------------------------------------------------------------------------------- /detection/yolov5/utils/metrics.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/yolov5/utils/metrics.py -------------------------------------------------------------------------------- /detection/yolov5/utils/plots.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/yolov5/utils/plots.py -------------------------------------------------------------------------------- /detection/yolov5/utils/torch_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/yolov5/utils/torch_utils.py -------------------------------------------------------------------------------- /detection/yolov5/val.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/detection/yolov5/val.py -------------------------------------------------------------------------------- /metric_learning/BDB/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/metric_learning/BDB/README.md -------------------------------------------------------------------------------- /metric_learning/BDB/data/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /metric_learning/BDB/data/data_loader.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/metric_learning/BDB/data/data_loader.py -------------------------------------------------------------------------------- /metric_learning/BDB/data/data_manager.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/metric_learning/BDB/data/data_manager.py -------------------------------------------------------------------------------- /metric_learning/BDB/data/samplers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/metric_learning/BDB/data/samplers.py -------------------------------------------------------------------------------- /metric_learning/BDB/doc/1811.07130.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/metric_learning/BDB/doc/1811.07130.pdf -------------------------------------------------------------------------------- /metric_learning/BDB/doc/QQ截图20211009171436.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/metric_learning/BDB/doc/QQ截图20211009171436.png -------------------------------------------------------------------------------- /metric_learning/BDB/inference.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/metric_learning/BDB/inference.py -------------------------------------------------------------------------------- /metric_learning/BDB/models/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /metric_learning/BDB/models/networks.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/metric_learning/BDB/models/networks.py -------------------------------------------------------------------------------- /metric_learning/BDB/models/resnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/metric_learning/BDB/models/resnet.py -------------------------------------------------------------------------------- /metric_learning/BDB/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/metric_learning/BDB/train.py -------------------------------------------------------------------------------- /metric_learning/BDB/trainers/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /metric_learning/BDB/trainers/evaluator.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/metric_learning/BDB/trainers/evaluator.py -------------------------------------------------------------------------------- /metric_learning/BDB/trainers/re_ranking.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/metric_learning/BDB/trainers/re_ranking.py -------------------------------------------------------------------------------- /metric_learning/BDB/trainers/trainer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/metric_learning/BDB/trainers/trainer.py -------------------------------------------------------------------------------- /metric_learning/BDB/utils/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /metric_learning/BDB/utils/data_aug.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/metric_learning/BDB/utils/data_aug.py -------------------------------------------------------------------------------- /metric_learning/BDB/utils/logger.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/metric_learning/BDB/utils/logger.py -------------------------------------------------------------------------------- /metric_learning/BDB/utils/loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/metric_learning/BDB/utils/loss.py -------------------------------------------------------------------------------- /metric_learning/BDB/utils/meters.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/metric_learning/BDB/utils/meters.py -------------------------------------------------------------------------------- /metric_learning/BDB/utils/transforms.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/metric_learning/BDB/utils/transforms.py -------------------------------------------------------------------------------- /metric_learning/BDB/utils/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/metric_learning/BDB/utils/utils.py -------------------------------------------------------------------------------- /metric_learning/Co-CT/README.md: -------------------------------------------------------------------------------- 1 | # Co-CT -------------------------------------------------------------------------------- /metric_learning/Co-CT/gen_data.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /metric_learning/Happy-Whale/fcn_mask/README.md: -------------------------------------------------------------------------------- 1 | # fcn 2 | 3 | - 使用fcn网络生成 Whale mask -------------------------------------------------------------------------------- /metric_learning/Happy-Whale/fcn_mask/requirements.txt: -------------------------------------------------------------------------------- 1 | Pillow==7.1.2 -------------------------------------------------------------------------------- /metric_learning/Happy-Whale/fcn_mask/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/metric_learning/Happy-Whale/fcn_mask/train.py -------------------------------------------------------------------------------- /metric_learning/Happy-Whale/retrieval/models/__init__.py: -------------------------------------------------------------------------------- 1 | from .model import * 2 | -------------------------------------------------------------------------------- /metric_learning/Happy-Whale/retrieval/test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/metric_learning/Happy-Whale/retrieval/test.py -------------------------------------------------------------------------------- /metric_learning/Happy-Whale/retrieval/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/metric_learning/Happy-Whale/retrieval/train.py -------------------------------------------------------------------------------- /others/deploy/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/others/deploy/README.md -------------------------------------------------------------------------------- /others/deploy/onnx2trt/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/others/deploy/onnx2trt/README.md -------------------------------------------------------------------------------- /others/deploy/onnx2trt/doc/img.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/others/deploy/onnx2trt/doc/img.png -------------------------------------------------------------------------------- /others/deploy/onnx2trt/doc/img_1.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/others/deploy/onnx2trt/doc/img_1.png -------------------------------------------------------------------------------- /others/deploy/onnx2trt/doc/img_2.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/others/deploy/onnx2trt/doc/img_2.png -------------------------------------------------------------------------------- /others/deploy/pytorch2onnx/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/others/deploy/pytorch2onnx/README.md -------------------------------------------------------------------------------- /others/deploy/pytorch2onnx/doc/img.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/others/deploy/pytorch2onnx/doc/img.png -------------------------------------------------------------------------------- /others/deploy/pytorch2onnx/doc/img_1.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/others/deploy/pytorch2onnx/doc/img_1.png -------------------------------------------------------------------------------- /others/deploy/pytorch2onnx/doc/img_2.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/others/deploy/pytorch2onnx/doc/img_2.png -------------------------------------------------------------------------------- /others/deploy/pytorch2onnx/doc/img_3.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/others/deploy/pytorch2onnx/doc/img_3.png -------------------------------------------------------------------------------- /others/deploy/pytorch2onnx/doc/img_4.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/others/deploy/pytorch2onnx/doc/img_4.png -------------------------------------------------------------------------------- /others/deploy/pytorch2onnx/doc/img_5.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/others/deploy/pytorch2onnx/doc/img_5.png -------------------------------------------------------------------------------- /others/deploy/pytorch2onnx/doc/img_6.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/others/deploy/pytorch2onnx/doc/img_6.png -------------------------------------------------------------------------------- /others/deploy/pytorch2onnx/doc/img_7.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/others/deploy/pytorch2onnx/doc/img_7.png -------------------------------------------------------------------------------- /others/deploy/pytorch2onnx/doc/onnx_ops.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/others/deploy/pytorch2onnx/doc/onnx_ops.png -------------------------------------------------------------------------------- /others/deploy/pytorch2onnx/my_add.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/others/deploy/pytorch2onnx/my_add.cpp -------------------------------------------------------------------------------- /others/deploy/pytorch2onnx/setup.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/others/deploy/pytorch2onnx/setup.py -------------------------------------------------------------------------------- /others/deploy/pytorch2onnx/simple_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/others/deploy/pytorch2onnx/simple_test.py -------------------------------------------------------------------------------- /others/deploy/pytorch2onnx/support_Aten_ops.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/others/deploy/pytorch2onnx/support_Aten_ops.py -------------------------------------------------------------------------------- /others/deploy/pytorch2onnx/support_new_ops.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/others/deploy/pytorch2onnx/support_new_ops.py -------------------------------------------------------------------------------- /others/label_convert/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/others/label_convert/README.md -------------------------------------------------------------------------------- /others/label_convert/coco2voc.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/others/label_convert/coco2voc.py -------------------------------------------------------------------------------- /others/label_convert/coco2yolo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/others/label_convert/coco2yolo.py -------------------------------------------------------------------------------- /others/label_convert/show_img_by_coco.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/others/label_convert/show_img_by_coco.py -------------------------------------------------------------------------------- /others/label_convert/show_img_by_voc.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/others/label_convert/show_img_by_voc.py -------------------------------------------------------------------------------- /others/label_convert/show_img_by_yolo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/others/label_convert/show_img_by_yolo.py -------------------------------------------------------------------------------- /others/label_convert/voc2coco.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/others/label_convert/voc2coco.py -------------------------------------------------------------------------------- /others/label_convert/voc2yolo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/others/label_convert/voc2yolo.py -------------------------------------------------------------------------------- /others/label_convert/yolo2coco.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/others/label_convert/yolo2coco.py -------------------------------------------------------------------------------- /others/label_convert/yolo2voc.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/others/label_convert/yolo2voc.py -------------------------------------------------------------------------------- /others/load_weights_test/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/others/load_weights_test/README.md -------------------------------------------------------------------------------- /others/load_weights_test/load_weights.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/others/load_weights_test/load_weights.py -------------------------------------------------------------------------------- /others/load_weights_test/model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/others/load_weights_test/model.py -------------------------------------------------------------------------------- /others/normalization/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/others/normalization/README.md -------------------------------------------------------------------------------- /others/normalization/batch_normalization.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/others/normalization/batch_normalization.py -------------------------------------------------------------------------------- /others/normalization/group_normalization.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/others/normalization/group_normalization.py -------------------------------------------------------------------------------- /others/normalization/instance_normalization.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/others/normalization/instance_normalization.py -------------------------------------------------------------------------------- /others/normalization/layer_normalization.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/others/normalization/layer_normalization.py -------------------------------------------------------------------------------- /others/tensorboard_test/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/others/tensorboard_test/README.md -------------------------------------------------------------------------------- /others/tensorboard_test/class_indices.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/others/tensorboard_test/class_indices.json -------------------------------------------------------------------------------- /others/tensorboard_test/data_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/others/tensorboard_test/data_utils.py -------------------------------------------------------------------------------- /others/tensorboard_test/dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/others/tensorboard_test/dataset.py -------------------------------------------------------------------------------- /others/tensorboard_test/model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/others/tensorboard_test/model.py -------------------------------------------------------------------------------- /others/tensorboard_test/plot_img/1.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/others/tensorboard_test/plot_img/1.jpg -------------------------------------------------------------------------------- /others/tensorboard_test/plot_img/2.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/others/tensorboard_test/plot_img/2.jpg -------------------------------------------------------------------------------- /others/tensorboard_test/plot_img/3.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/others/tensorboard_test/plot_img/3.jpg -------------------------------------------------------------------------------- /others/tensorboard_test/plot_img/4.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/others/tensorboard_test/plot_img/4.jpg -------------------------------------------------------------------------------- /others/tensorboard_test/plot_img/daisy.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/others/tensorboard_test/plot_img/daisy.jpg -------------------------------------------------------------------------------- /others/tensorboard_test/plot_img/dandelion.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/others/tensorboard_test/plot_img/dandelion.jpg -------------------------------------------------------------------------------- /others/tensorboard_test/plot_img/label.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/others/tensorboard_test/plot_img/label.txt -------------------------------------------------------------------------------- /others/tensorboard_test/plot_img/rose.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/others/tensorboard_test/plot_img/rose.jpg -------------------------------------------------------------------------------- /others/tensorboard_test/plot_img/sunflower.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/others/tensorboard_test/plot_img/sunflower.jpg -------------------------------------------------------------------------------- /others/tensorboard_test/plot_img/tulip.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/others/tensorboard_test/plot_img/tulip.jpg -------------------------------------------------------------------------------- /others/tensorboard_test/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/others/tensorboard_test/train.py -------------------------------------------------------------------------------- /others/tensorboard_test/train_eval_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/others/tensorboard_test/train_eval_utils.py -------------------------------------------------------------------------------- /others/train_with_DDP/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/others/train_with_DDP/README.md -------------------------------------------------------------------------------- /others/train_with_DDP/class_indices.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/others/train_with_DDP/class_indices.json -------------------------------------------------------------------------------- /others/train_with_DDP/config/train.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/others/train_with_DDP/config/train.yaml -------------------------------------------------------------------------------- /others/train_with_DDP/test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/others/train_with_DDP/test.py -------------------------------------------------------------------------------- /others/train_with_DDP/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/others/train_with_DDP/train.py -------------------------------------------------------------------------------- /others/train_with_DDP/utils/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/others/train_with_DDP/utils/__init__.py -------------------------------------------------------------------------------- /others/train_with_DDP/utils/torch_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/others/train_with_DDP/utils/torch_utils.py -------------------------------------------------------------------------------- /others/visual_weight_feature_map_test/weights/xxx.pth: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /pose_estimation/Insulator/000000.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/pose_estimation/Insulator/000000.jpg -------------------------------------------------------------------------------- /pose_estimation/Insulator/config/test.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/pose_estimation/Insulator/config/test.yaml -------------------------------------------------------------------------------- /pose_estimation/Insulator/config/train.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/pose_estimation/Insulator/config/train.yaml -------------------------------------------------------------------------------- /pose_estimation/Insulator/data/train.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/pose_estimation/Insulator/data/train.txt -------------------------------------------------------------------------------- /pose_estimation/Insulator/data/val.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/pose_estimation/Insulator/data/val.txt -------------------------------------------------------------------------------- /pose_estimation/Insulator/dataset/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/pose_estimation/Insulator/dataset/__init__.py -------------------------------------------------------------------------------- /pose_estimation/Insulator/dataset/coco.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/pose_estimation/Insulator/dataset/coco.py -------------------------------------------------------------------------------- /pose_estimation/Insulator/doc/HRNet.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/pose_estimation/Insulator/doc/HRNet.png -------------------------------------------------------------------------------- /pose_estimation/Insulator/export.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/pose_estimation/Insulator/export.py -------------------------------------------------------------------------------- /pose_estimation/Insulator/models/__init__.py: -------------------------------------------------------------------------------- 1 | from .hrnet_puls import HighResolution 2 | -------------------------------------------------------------------------------- /pose_estimation/Insulator/models/hrnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/pose_estimation/Insulator/models/hrnet.py -------------------------------------------------------------------------------- /pose_estimation/Insulator/models/hrnet_puls.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/pose_estimation/Insulator/models/hrnet_puls.py -------------------------------------------------------------------------------- /pose_estimation/Insulator/predict.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/pose_estimation/Insulator/predict.py -------------------------------------------------------------------------------- /pose_estimation/Insulator/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/pose_estimation/Insulator/train.py -------------------------------------------------------------------------------- /pose_estimation/Insulator/utils/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/pose_estimation/Insulator/utils/__init__.py -------------------------------------------------------------------------------- /pose_estimation/Insulator/utils/coco_eval.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/pose_estimation/Insulator/utils/coco_eval.py -------------------------------------------------------------------------------- /pose_estimation/Insulator/utils/data_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/pose_estimation/Insulator/utils/data_utils.py -------------------------------------------------------------------------------- /pose_estimation/Insulator/utils/draw_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/pose_estimation/Insulator/utils/draw_utils.py -------------------------------------------------------------------------------- /pose_estimation/Insulator/utils/kp_eval.py: -------------------------------------------------------------------------------- 1 | 2 | 3 | def compute_pks(anno, predict, delta): 4 | pass 5 | -------------------------------------------------------------------------------- /pose_estimation/Insulator/utils/loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/pose_estimation/Insulator/utils/loss.py -------------------------------------------------------------------------------- /pose_estimation/Insulator/utils/torch_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/pose_estimation/Insulator/utils/torch_utils.py -------------------------------------------------------------------------------- /pose_estimation/Insulator/val.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/pose_estimation/Insulator/val.py -------------------------------------------------------------------------------- /self-supervised/MAE/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/self-supervised/MAE/README.md -------------------------------------------------------------------------------- /self-supervised/MAE/assets/1.jpeg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/self-supervised/MAE/assets/1.jpeg -------------------------------------------------------------------------------- /self-supervised/MAE/assets/2.jpeg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/self-supervised/MAE/assets/2.jpeg -------------------------------------------------------------------------------- /self-supervised/MAE/assets/3.jpeg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/self-supervised/MAE/assets/3.jpeg -------------------------------------------------------------------------------- /self-supervised/MAE/data/TransformerDataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/self-supervised/MAE/data/TransformerDataset.py -------------------------------------------------------------------------------- /self-supervised/MAE/data/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /self-supervised/MAE/get_data_txt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/self-supervised/MAE/get_data_txt.py -------------------------------------------------------------------------------- /self-supervised/MAE/inference.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/self-supervised/MAE/inference.py -------------------------------------------------------------------------------- /self-supervised/MAE/loss/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /self-supervised/MAE/loss/centerloss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/self-supervised/MAE/loss/centerloss.py -------------------------------------------------------------------------------- /self-supervised/MAE/loss/focalloss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/self-supervised/MAE/loss/focalloss.py -------------------------------------------------------------------------------- /self-supervised/MAE/loss/mse_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/self-supervised/MAE/loss/mse_loss.py -------------------------------------------------------------------------------- /self-supervised/MAE/models/MAE.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/self-supervised/MAE/models/MAE.py -------------------------------------------------------------------------------- /self-supervised/MAE/models/Transpose_conv.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/self-supervised/MAE/models/Transpose_conv.py -------------------------------------------------------------------------------- /self-supervised/MAE/models/VIT.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/self-supervised/MAE/models/VIT.py -------------------------------------------------------------------------------- /self-supervised/MAE/models/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /self-supervised/MAE/models/restore_image.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/self-supervised/MAE/models/restore_image.jpg -------------------------------------------------------------------------------- /self-supervised/MAE/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/self-supervised/MAE/train.py -------------------------------------------------------------------------------- /self-supervised/MAE/train.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/self-supervised/MAE/train.txt -------------------------------------------------------------------------------- /self-supervised/MAE/utils/LARS.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/self-supervised/MAE/utils/LARS.py -------------------------------------------------------------------------------- /self-supervised/MAE/utils/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /self-supervised/MAE/utils/lr_iter.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/self-supervised/MAE/utils/lr_iter.py -------------------------------------------------------------------------------- /self-supervised/MAE/utils/optimizer_step.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/self-supervised/MAE/utils/optimizer_step.py -------------------------------------------------------------------------------- /self-supervised/MAE/utils/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/self-supervised/MAE/utils/utils.py -------------------------------------------------------------------------------- /self-supervised/MAE/val.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/self-supervised/MAE/val.txt -------------------------------------------------------------------------------- /self-supervised/SupCon/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/self-supervised/SupCon/README.md -------------------------------------------------------------------------------- /self-supervised/SupCon/dataLoader/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /self-supervised/SupCon/dataLoader/datasets.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/self-supervised/SupCon/dataLoader/datasets.py -------------------------------------------------------------------------------- /self-supervised/SupCon/learning_rate_finder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/self-supervised/SupCon/learning_rate_finder.py -------------------------------------------------------------------------------- /self-supervised/SupCon/losses/LabelSmooth.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/self-supervised/SupCon/losses/LabelSmooth.py -------------------------------------------------------------------------------- /self-supervised/SupCon/losses/SupConLoss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/self-supervised/SupCon/losses/SupConLoss.py -------------------------------------------------------------------------------- /self-supervised/SupCon/losses/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /self-supervised/SupCon/losses/loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/self-supervised/SupCon/losses/loss.py -------------------------------------------------------------------------------- /self-supervised/SupCon/models/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /self-supervised/SupCon/models/backbone.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/self-supervised/SupCon/models/backbone.py -------------------------------------------------------------------------------- /self-supervised/SupCon/models/model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/self-supervised/SupCon/models/model.py -------------------------------------------------------------------------------- /self-supervised/SupCon/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/self-supervised/SupCon/requirements.txt -------------------------------------------------------------------------------- /self-supervised/SupCon/swa.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/self-supervised/SupCon/swa.py -------------------------------------------------------------------------------- /self-supervised/SupCon/t-SNE.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/self-supervised/SupCon/t-SNE.ipynb -------------------------------------------------------------------------------- /self-supervised/SupCon/t-SNE.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/self-supervised/SupCon/t-SNE.py -------------------------------------------------------------------------------- /self-supervised/SupCon/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/self-supervised/SupCon/train.py -------------------------------------------------------------------------------- /self-supervised/SupCon/trainer/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /self-supervised/SupCon/trainer/trainer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/self-supervised/SupCon/trainer/trainer.py -------------------------------------------------------------------------------- /self-supervised/SupCon/utils/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /self-supervised/SupCon/utils/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KKKSQJ/DeepLearning/HEAD/self-supervised/SupCon/utils/utils.py --------------------------------------------------------------------------------