├── .gitignore ├── LICENSE ├── README.md ├── docs ├── AI环境下载地址.md ├── alipay │ ├── keys │ │ ├── alipay_key_2048.txt │ │ └── private_2048.txt │ └── 说明.docx ├── tenxun_sms │ ├── example_send_msg.py │ └── 短信云.docx └── whls │ ├── DCNv2_latest-master.zip │ ├── adaPool-main.zip │ ├── pytorch_ranger-0.1.1-py3-none-any.whl │ └── torch_optimizer-0.3.0-py3-none-any.whl ├── python_developer_tools ├── __init__.py ├── c++ │ ├── README.md │ └── qt │ │ ├── qt-post-form-file.cpp │ │ ├── qt-post-form.cpp │ │ └── qt-post-json.cpp ├── cv │ ├── MLP │ │ └── README.md │ ├── PyTorch_Networks │ │ ├── Attention │ │ │ ├── ANN.py │ │ │ ├── CBAM.py │ │ │ ├── CCNet.py │ │ │ ├── ECA-Net.py │ │ │ ├── GlobalContextBlock.py │ │ │ ├── NonLocalBlock.py │ │ │ ├── README.md │ │ │ ├── SENet.py │ │ │ ├── SEvariants.py │ │ │ └── TripletAttention.py │ │ ├── FaceDetectorAndRecognition │ │ │ ├── FaceBoxes.py │ │ │ ├── LFFD.py │ │ │ ├── README.md │ │ │ └── VarGFaceNet.py │ │ ├── HumanPoseEstimation │ │ │ ├── Hourglass.py │ │ │ ├── LPN.py │ │ │ ├── README.md │ │ │ ├── SimpleBaseline.py │ │ │ └── context_block.py │ │ ├── InstanceSegmentation │ │ │ ├── PolarMask.py │ │ │ └── README.md │ │ ├── ObjectDetection │ │ │ ├── ASFF.py │ │ │ ├── CenterNet.py │ │ │ ├── CornerNet.py │ │ │ ├── FCOS.py │ │ │ ├── FPN.py │ │ │ ├── FSAF.py │ │ │ ├── FisheyeMODNet.py │ │ │ ├── FoveaBox.py │ │ │ ├── README.md │ │ │ ├── RetinaNet.py │ │ │ ├── SSD.py │ │ │ ├── VoVNet.py │ │ │ ├── VoVNetV2.py │ │ │ ├── YOLO.py │ │ │ ├── YOLO_Nano.py │ │ │ ├── YOLOv2.py │ │ │ └── YOLOv3.py │ │ ├── PortraitSegmentation │ │ │ └── SINet.py │ │ ├── README.md │ │ ├── SemanticSegmentation │ │ │ ├── DeeplabV3Plus.py │ │ │ ├── ENet.py │ │ │ ├── FCN.py │ │ │ ├── FastSCNN.py │ │ │ ├── FisheyeMODNet.py │ │ │ ├── ICNet.py │ │ │ ├── LEDnet.py │ │ │ ├── LRNnet.py │ │ │ ├── LWnet.py │ │ │ ├── README.md │ │ │ ├── SegNet.py │ │ │ └── Unet.py │ │ ├── Utils │ │ │ └── utils.py │ │ └── requirements.txt │ ├── README.md │ ├── Transformer │ │ ├── CrossFormer.md │ │ ├── LG-Transformer.md │ │ ├── Swin-Transformer-Object-Detection │ │ │ ├── README.md │ │ │ ├── __init__.py │ │ │ └── changemaskrcnn.py │ │ ├── TNT.md │ │ ├── ViT.md │ │ ├── __init__.py │ │ ├── 发展史 │ │ │ ├── 分类.png │ │ │ └── 发展史.jpg │ │ └── 目标跟踪 │ │ │ └── STARK.md │ ├── __init__.py │ ├── bases │ │ ├── BatchNormalization │ │ │ └── README.md │ │ ├── Dropout │ │ │ └── README.md │ │ ├── FC │ │ │ ├── README.md │ │ │ ├── SSM.py │ │ │ ├── SwishLinear.py │ │ │ └── __init__.py │ │ ├── __init__.py │ │ ├── activates │ │ │ ├── APReLU.py │ │ │ ├── Basic-idea-of-APReLU.png │ │ │ ├── DynamicReLU.png │ │ │ ├── DynamicReLU.py │ │ │ ├── GELU │ │ │ │ ├── GELU.png │ │ │ │ ├── GELU.py │ │ │ │ └── __init__.py │ │ │ ├── README.md │ │ │ ├── Serf.py │ │ │ ├── __init__.py │ │ │ ├── serf.png │ │ │ ├── sigmoid.py │ │ │ ├── softmax_sequence.py │ │ │ ├── softmaxseq.png │ │ │ └── swish.py │ │ ├── attentions │ │ │ ├── README.md │ │ │ ├── ResidualAttention.png │ │ │ ├── ResidualAttention.py │ │ │ ├── SEAttention.png │ │ │ ├── SEAttention.py │ │ │ ├── SimAM-master │ │ │ │ ├── .gitignore │ │ │ │ ├── README.md │ │ │ │ ├── __init__.py │ │ │ │ ├── checkpoint.py │ │ │ │ ├── figures │ │ │ │ │ ├── attentions.png │ │ │ │ │ └── training_curves.png │ │ │ │ ├── main_cifar.py │ │ │ │ ├── main_imagenet.py │ │ │ │ ├── mmdetection │ │ │ │ │ ├── __init__.py │ │ │ │ │ ├── configs │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── _base_ │ │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ │ ├── models │ │ │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ │ │ ├── faster_rcnn_r50simam_fpn.py │ │ │ │ │ │ │ │ └── mask_rcnn_r50simam_fpn.py │ │ │ │ │ │ │ └── schedules │ │ │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ │ │ └── schedule_1x_lr0.01.py │ │ │ │ │ │ ├── faster_rcnn │ │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ │ ├── faster_rcnn_r101simam_fpn_1x_coco.py │ │ │ │ │ │ │ └── faster_rcnn_r50simam_fpn_1x_coco.py │ │ │ │ │ │ └── mask_rcnn │ │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ │ ├── mask_rcnn_r101simam_fpn_1x_coco.py │ │ │ │ │ │ │ └── mask_rcnn_r50simam_fpn_1x_coco.py │ │ │ │ │ └── mmdet │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ └── models │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ └── backbones │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── attentions │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ └── simam_module.py │ │ │ │ │ │ └── resnet_simam.py │ │ │ │ ├── networks │ │ │ │ │ ├── __init__.py │ │ │ │ │ ├── attentions │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── cbam_module.py │ │ │ │ │ │ ├── se_module.py │ │ │ │ │ │ └── simam_module.py │ │ │ │ │ ├── cifar │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── block.py │ │ │ │ │ │ ├── mobilenetv2.py │ │ │ │ │ │ ├── preresnet.py │ │ │ │ │ │ ├── resnet.py │ │ │ │ │ │ └── wideresnet.py │ │ │ │ │ └── imagenet │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── mobilenetv2.py │ │ │ │ │ │ └── resnet.py │ │ │ │ └── util.py │ │ │ └── __init__.py │ │ ├── channels │ │ │ └── channels.py │ │ ├── conv │ │ │ ├── CoTNet │ │ │ │ ├── CoTNet-master │ │ │ │ │ ├── .gitignore │ │ │ │ │ ├── LICENSE │ │ │ │ │ ├── README.md │ │ │ │ │ ├── __init__.py │ │ │ │ │ ├── config │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── config.py │ │ │ │ │ │ └── constants.py │ │ │ │ │ ├── cot_experiments │ │ │ │ │ │ ├── CoTNeXt-101-350epoch │ │ │ │ │ │ │ ├── config.yaml │ │ │ │ │ │ │ └── train.sh │ │ │ │ │ │ ├── CoTNeXt-50-350epoch │ │ │ │ │ │ │ ├── config.yaml │ │ │ │ │ │ │ └── train.sh │ │ │ │ │ │ ├── CoTNet-101-350epoch │ │ │ │ │ │ │ ├── config.yaml │ │ │ │ │ │ │ └── train.sh │ │ │ │ │ │ ├── CoTNet-50-350epoch │ │ │ │ │ │ │ ├── config.yaml │ │ │ │ │ │ │ └── train.sh │ │ │ │ │ │ ├── SE-CoTNetD-101_350epoch │ │ │ │ │ │ │ ├── config.yaml │ │ │ │ │ │ │ └── train.sh │ │ │ │ │ │ ├── SE-CoTNetD-152_350epoch │ │ │ │ │ │ │ ├── config.yaml │ │ │ │ │ │ │ └── train.sh │ │ │ │ │ │ └── SE-CoTNetD-50_350epoch │ │ │ │ │ │ │ ├── config.yaml │ │ │ │ │ │ │ └── train.sh │ │ │ │ │ ├── cupy_layers │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── aggregation_refpad.py │ │ │ │ │ │ ├── aggregation_zeropad.py │ │ │ │ │ │ ├── aggregation_zeropad_dilate.py │ │ │ │ │ │ ├── aggregation_zeropad_mix.py │ │ │ │ │ │ ├── aggregation_zeropad_mix_merge.py │ │ │ │ │ │ └── utils.py │ │ │ │ │ ├── datasets │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── auto_augment.py │ │ │ │ │ │ ├── config.py │ │ │ │ │ │ ├── constants.py │ │ │ │ │ │ ├── dataset.py │ │ │ │ │ │ ├── distributed_sampler.py │ │ │ │ │ │ ├── loader.py │ │ │ │ │ │ ├── mixup.py │ │ │ │ │ │ ├── rand_augment.py │ │ │ │ │ │ ├── random_erasing.py │ │ │ │ │ │ ├── real_labels.py │ │ │ │ │ │ ├── tf_preprocessing.py │ │ │ │ │ │ ├── transforms.py │ │ │ │ │ │ └── transforms_factory.py │ │ │ │ │ ├── evaler │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ └── evaler.py │ │ │ │ │ ├── images │ │ │ │ │ │ ├── framework.jpg │ │ │ │ │ │ └── inference_time.jpg │ │ │ │ │ ├── loss │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── asymmetric_loss.py │ │ │ │ │ │ ├── cross_entropy.py │ │ │ │ │ │ └── jsd.py │ │ │ │ │ ├── models │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── botnet.py │ │ │ │ │ │ ├── cait.py │ │ │ │ │ │ ├── coat.py │ │ │ │ │ │ ├── convit.py │ │ │ │ │ │ ├── cotnet.py │ │ │ │ │ │ ├── cotnet_hybrid.py │ │ │ │ │ │ ├── densenet.py │ │ │ │ │ │ ├── efficientnet.py │ │ │ │ │ │ ├── efficientnet_blocks.py │ │ │ │ │ │ ├── efficientnet_builder.py │ │ │ │ │ │ ├── factory.py │ │ │ │ │ │ ├── features.py │ │ │ │ │ │ ├── helpers.py │ │ │ │ │ │ ├── lambdAnet.py │ │ │ │ │ │ ├── layers │ │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ │ ├── activations.py │ │ │ │ │ │ │ ├── activations_jit.py │ │ │ │ │ │ │ ├── activations_me.py │ │ │ │ │ │ │ ├── adaptive_avgmax_pool.py │ │ │ │ │ │ │ ├── anti_aliasing.py │ │ │ │ │ │ │ ├── blur_pool.py │ │ │ │ │ │ │ ├── cbam.py │ │ │ │ │ │ │ ├── classifier.py │ │ │ │ │ │ │ ├── cond_conv2d.py │ │ │ │ │ │ │ ├── config.py │ │ │ │ │ │ │ ├── conv2d_same.py │ │ │ │ │ │ │ ├── conv_bn_act.py │ │ │ │ │ │ │ ├── create_act.py │ │ │ │ │ │ │ ├── create_attn.py │ │ │ │ │ │ │ ├── create_conv2d.py │ │ │ │ │ │ │ ├── create_norm_act.py │ │ │ │ │ │ │ ├── drop.py │ │ │ │ │ │ │ ├── eca.py │ │ │ │ │ │ │ ├── evo_norm.py │ │ │ │ │ │ │ ├── helpers.py │ │ │ │ │ │ │ ├── inplace_abn.py │ │ │ │ │ │ │ ├── kerv2d.py │ │ │ │ │ │ │ ├── median_pool.py │ │ │ │ │ │ │ ├── mixed_conv2d.py │ │ │ │ │ │ │ ├── mlp.py │ │ │ │ │ │ │ ├── norm_act.py │ │ │ │ │ │ │ ├── padding.py │ │ │ │ │ │ │ ├── patch_embed.py │ │ │ │ │ │ │ ├── pool2d_same.py │ │ │ │ │ │ │ ├── se.py │ │ │ │ │ │ │ ├── selective_kernel.py │ │ │ │ │ │ │ ├── separable_conv.py │ │ │ │ │ │ │ ├── shiftlution.py │ │ │ │ │ │ │ ├── space_to_depth.py │ │ │ │ │ │ │ ├── split_attn.py │ │ │ │ │ │ │ ├── split_batchnorm.py │ │ │ │ │ │ │ ├── std_conv.py │ │ │ │ │ │ │ ├── tbconv.py │ │ │ │ │ │ │ ├── test_time_pool.py │ │ │ │ │ │ │ └── weight_init.py │ │ │ │ │ │ ├── levit.py │ │ │ │ │ │ ├── lr_net.py │ │ │ │ │ │ ├── pit.py │ │ │ │ │ │ ├── psresnet.py │ │ │ │ │ │ ├── registry.py │ │ │ │ │ │ ├── regnet.py │ │ │ │ │ │ ├── res2net.py │ │ │ │ │ │ ├── resnest.py │ │ │ │ │ │ ├── resnet.py │ │ │ │ │ │ ├── resnet_dw.py │ │ │ │ │ │ ├── resnet_rs.py │ │ │ │ │ │ ├── resnetv2.py │ │ │ │ │ │ ├── rexnet.py │ │ │ │ │ │ ├── san_lowrank.py │ │ │ │ │ │ ├── sknet.py │ │ │ │ │ │ ├── swin_transformer.py │ │ │ │ │ │ ├── tnt.py │ │ │ │ │ │ ├── twins.py │ │ │ │ │ │ ├── visformer.py │ │ │ │ │ │ ├── vision_transformer.py │ │ │ │ │ │ ├── vision_transformer_hybrid.py │ │ │ │ │ │ ├── xception.py │ │ │ │ │ │ └── xcit.py │ │ │ │ │ ├── optim │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── adafactor.py │ │ │ │ │ │ ├── adahessian.py │ │ │ │ │ │ ├── adamp.py │ │ │ │ │ │ ├── adamw.py │ │ │ │ │ │ ├── lookahead.py │ │ │ │ │ │ ├── nadam.py │ │ │ │ │ │ ├── novograd.py │ │ │ │ │ │ ├── nvnovograd.py │ │ │ │ │ │ ├── optim_factory.py │ │ │ │ │ │ ├── radam.py │ │ │ │ │ │ ├── rmsprop_tf.py │ │ │ │ │ │ └── sgdp.py │ │ │ │ │ ├── scheduler │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── cosine_lr.py │ │ │ │ │ │ ├── plateau_lr.py │ │ │ │ │ │ ├── scheduler.py │ │ │ │ │ │ ├── scheduler_factory.py │ │ │ │ │ │ ├── step_lr.py │ │ │ │ │ │ └── tanh_lr.py │ │ │ │ │ ├── train.py │ │ │ │ │ └── utils │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── checkpoint_saver.py │ │ │ │ │ │ ├── clip_grad.py │ │ │ │ │ │ ├── cuda.py │ │ │ │ │ │ ├── distributed.py │ │ │ │ │ │ ├── flops_counter.py │ │ │ │ │ │ ├── jit.py │ │ │ │ │ │ ├── logger.py │ │ │ │ │ │ ├── meters.py │ │ │ │ │ │ ├── misc.py │ │ │ │ │ │ ├── model.py │ │ │ │ │ │ ├── model_ema.py │ │ │ │ │ │ └── timer.py │ │ │ │ ├── README.md │ │ │ │ ├── __init__.py │ │ │ │ └── cotnet.py │ │ │ ├── CondConv.py │ │ │ ├── CoordConv2d.py │ │ │ ├── DCNv2 │ │ │ │ ├── DCNv2.py │ │ │ │ └── __init__.py │ │ │ ├── DY_Conv2d.py │ │ │ ├── DepthSpatialSepConvs.py │ │ │ ├── Involution.py │ │ │ ├── MBConv.py │ │ │ ├── README.md │ │ │ └── __init__.py │ │ ├── input_conv │ │ │ ├── README.md │ │ │ ├── __init__.py │ │ │ ├── focus.py │ │ │ └── space_to_depth.py │ │ ├── layers │ │ │ ├── README.md │ │ │ └── SNL.png │ │ ├── pool │ │ │ ├── AvgPool2d.py │ │ │ ├── BlurPool.py │ │ │ ├── MaxGroupPooling.py │ │ │ ├── README.md │ │ │ ├── SPP.png │ │ │ ├── SPP.py │ │ │ ├── ShapeAdaptor.py │ │ │ ├── __init__.py │ │ │ ├── adaPooldemo.py │ │ │ └── softpoolDemo.py │ │ └── regularization.py │ ├── classes │ │ ├── AlexNet.py │ │ ├── DenseNet.py │ │ ├── Efficientnet.py │ │ ├── GhostNet.py │ │ ├── InceptionV1.py │ │ ├── InceptionV2.py │ │ ├── InceptionV3.py │ │ ├── MixNet.py │ │ ├── MobileNetV1.py │ │ ├── MobileNetV2.py │ │ ├── MobileNetV3.py │ │ ├── MobileNetXt.py │ │ ├── README.md │ │ ├── ResNeXt.py │ │ ├── ResNet.py │ │ ├── ShuffleNet.py │ │ ├── ShuffleNetV2.py │ │ ├── SqueezeNet.py │ │ ├── VGGNet.py │ │ ├── Xception.py │ │ ├── __init__.py │ │ ├── micronet.py │ │ ├── repVGGNet.py │ │ └── transferTorch.py │ ├── datasets │ │ ├── README.md │ │ ├── TT100K │ │ │ ├── README.md │ │ │ ├── anno_func.py │ │ │ ├── 将TT100K转换为一个xml一张图片.py │ │ │ └── 读取数据集并且画在图片上.py │ │ ├── __init__.py │ │ ├── classes │ │ │ ├── APR.png │ │ │ ├── APR.py │ │ │ ├── __init__.py │ │ │ └── class_imgaug.py │ │ ├── coco │ │ │ ├── __init__.py │ │ │ ├── get_coco_mask.py │ │ │ └── labelme2coco.py │ │ ├── datasets_utils.py │ │ ├── imgaug_utils.py │ │ ├── line_imgaug.py │ │ └── 模拟灯光照 │ │ │ ├── 2020063010140796.jpg │ │ │ ├── __init__.py │ │ │ ├── demo1.py │ │ │ └── demo2.py │ ├── deploy │ │ ├── README.md │ │ ├── __init__.py │ │ ├── inferTensorrt │ │ │ └── infer_net3_tensorrt3_tta.py │ │ ├── model_compression │ │ │ ├── __init__.py │ │ │ └── quantization │ │ │ │ ├── __init__.py │ │ │ │ ├── optimize_utils.py │ │ │ │ ├── shufflenet_v2_x0_5_train.pt │ │ │ │ └── torch_fuse.py │ │ ├── more_gpu_deploy.py │ │ ├── predict.py │ │ └── pt2onnx │ │ │ ├── README.md │ │ │ ├── __init__.py │ │ │ ├── demo1-hrnet │ │ │ ├── __init__.py │ │ │ ├── infer_net1_onnx_tensorrt.py │ │ │ ├── torch2onnx-integrate.py │ │ │ ├── torch2onnx.py │ │ │ ├── torch2onnx2.py │ │ │ ├── torch2onnx3-tta.py │ │ │ └── torch2onnx3.py │ │ │ ├── demo2 │ │ │ ├── base2onnx.py │ │ │ └── base2onnx_12.py │ │ │ └── demo3-lcnn │ │ │ ├── creepageDistanceModel │ │ │ ├── config.py │ │ │ ├── models_creepage.py │ │ │ └── wireframe.yaml │ │ │ ├── infer_onnx_onnxruntime_cpu.py │ │ │ ├── infer_onnx_onnxruntime_gpu.py │ │ │ ├── infer_onnx_tensorrt.py │ │ │ ├── infer_torch.py │ │ │ └── torch2onnx.py │ ├── detection │ │ ├── CenterNet2 │ │ │ ├── README.md │ │ │ ├── __init__.py │ │ │ └── changecenternet2.py │ │ ├── README.md │ │ ├── __init__.py │ │ ├── involution │ │ │ └── README.md │ │ ├── tricks.md │ │ ├── yolor │ │ │ └── layers.py │ │ ├── yolov2.md │ │ ├── yolov5 │ │ │ ├── __init__.py │ │ │ ├── labelimg2YoloV5datasets │ │ │ │ ├── __init__.py │ │ │ │ ├── voc2coco.py │ │ │ │ ├── yolov5-labels.json │ │ │ │ ├── 删除没有对应xml的图片.py │ │ │ │ ├── 删除没有标签的图片和xml.py │ │ │ │ ├── 将xml数据集切分为coco的训练和验证数据集.py │ │ │ │ ├── 将预测结果转换为xml.py │ │ │ │ └── 清洗重复标签的脚本.py │ │ │ ├── test_GridSearch_yolov5x_solarcell.py │ │ │ ├── test_hyperopt_yolov5x_solarcell.py │ │ │ ├── 保存模型和读取模型.py │ │ │ └── 加载训练好模型的方式.md │ │ └── yolox │ │ │ ├── __init__.py │ │ │ ├── labelme2YoloXdatasets │ │ │ ├── __init__.py │ │ │ ├── txt2jsoncoco.py │ │ │ ├── 切分数据集.py │ │ │ ├── 删除没有标准的图片.py │ │ │ └── 存在重名的图片进行重命名.py │ │ │ └── 训练自己的数据集.md │ ├── label_tools.md │ ├── lines_detection │ │ ├── HoughLinesP_camera.py │ │ ├── LSD.py │ │ ├── __init__.py │ │ ├── deep_hough │ │ │ ├── README.md │ │ │ ├── __init__.py │ │ │ ├── _cdht │ │ │ │ ├── .gitignore │ │ │ │ ├── __init__.py │ │ │ │ ├── deep_hough_cuda.cpp │ │ │ │ ├── deep_hough_cuda_kernel.cu │ │ │ │ ├── dht_func.py │ │ │ │ └── setup.py │ │ │ ├── dht.py │ │ │ ├── pipeline.png │ │ │ └── users │ │ │ │ ├── __init__.py │ │ │ │ ├── fpn.py │ │ │ │ └── network.py │ │ ├── hough_utils.py │ │ ├── lcnn │ │ │ ├── README.md │ │ │ └── 解析.rp │ │ ├── line_distance.py │ │ ├── sdf11.jpg │ │ ├── vis_lines.py │ │ └── 找上升和下降最快的点.py │ ├── loss │ │ ├── CenterLoss.py │ │ ├── OIMloss.py │ │ ├── README.md │ │ ├── __init__.py │ │ ├── classes │ │ │ ├── LabelSmoothingCrossEntropy.py │ │ │ ├── TripletLoss.png │ │ │ ├── TripletLoss.py │ │ │ ├── __init__.py │ │ │ ├── cross_entropy.py │ │ │ └── focalloss.py │ │ ├── detection │ │ │ ├── __init__.py │ │ │ └── triplet_loss.py │ │ ├── dice_loss.py │ │ ├── focalloss.py │ │ ├── jointloss.py │ │ ├── ohem_loss.py │ │ ├── pytorchloss │ │ │ ├── .gitignore │ │ │ ├── LICENSE │ │ │ ├── README.md │ │ │ ├── affinity_loss.py │ │ │ ├── amsoftmax.py │ │ │ ├── csrc │ │ │ │ ├── common.hpp │ │ │ │ ├── cumsum.hpp │ │ │ │ ├── focal_kernel.cu │ │ │ │ ├── focal_kernel_old.cu │ │ │ │ ├── large_margin_kernel.cu │ │ │ │ ├── lovasz_softmax.cu │ │ │ │ ├── lovasz_softmax_old.cu │ │ │ │ ├── lsr_kernel.cu │ │ │ │ ├── mish_kernel.cu │ │ │ │ ├── ohem_label_kernel.cu │ │ │ │ ├── one_hot_kernel.cu │ │ │ │ ├── soft_dice_kernel.cu │ │ │ │ ├── soft_dice_kernel_v2.cu │ │ │ │ ├── swish_kernel.cu │ │ │ │ └── taylor_softmax.cu │ │ │ ├── dice_loss.py │ │ │ ├── dual_focal_loss.py │ │ │ ├── ema.py │ │ │ ├── generalized_iou_loss.py │ │ │ ├── hswish.py │ │ │ ├── label_smooth.py │ │ │ ├── lovasz_softmax.py │ │ │ ├── mish.py │ │ │ ├── one_hot.py │ │ │ ├── pc_softmax.py │ │ │ ├── pytorch_loss │ │ │ │ ├── affinity_loss.py │ │ │ │ ├── amsoftmax.py │ │ │ │ ├── dice_loss.py │ │ │ │ ├── dual_focal_loss.py │ │ │ │ ├── ema.py │ │ │ │ ├── focal_loss.py │ │ │ │ ├── focal_loss_old.py │ │ │ │ ├── frelu.py │ │ │ │ ├── generalized_iou_loss.py │ │ │ │ ├── hswish.py │ │ │ │ ├── label_smooth.py │ │ │ │ ├── large_margin_softmax.py │ │ │ │ ├── lovasz_softmax.py │ │ │ │ ├── mish.py │ │ │ │ ├── one_hot.py │ │ │ │ ├── pc_softmax.py │ │ │ │ ├── soft_dice_loss.py │ │ │ │ ├── swish.py │ │ │ │ ├── taylor_softmax.py │ │ │ │ └── test.py │ │ │ ├── setup.py │ │ │ ├── soft_dice_loss.py │ │ │ ├── swish.py │ │ │ └── taylor_softmax.py │ │ └── topk_crossEntrophy.py │ ├── metrics │ │ ├── __init__.py │ │ ├── common.py │ │ └── metrics.py │ ├── models │ │ ├── __init__.py │ │ ├── backones │ │ │ └── __init__.py │ │ ├── blocks │ │ │ ├── DYMicroBlock.py │ │ │ └── __init__.py │ │ ├── common │ │ │ ├── README.md │ │ │ ├── __init__.py │ │ │ └── init_weight.py │ │ ├── head │ │ │ ├── __init__.py │ │ │ └── classes │ │ │ │ ├── MicroNet.py │ │ │ │ └── __init__.py │ │ └── necks │ │ │ └── deep_stem_layer.py │ ├── optimizer │ │ ├── Adagrad.png │ │ ├── Adam.png │ │ ├── Lookahead.py │ │ ├── RAdam.jpeg │ │ ├── RAdam.py │ │ ├── README.md │ │ ├── Ranger.py │ │ ├── SGD.png │ │ ├── ranger21 │ │ │ ├── README.md │ │ │ ├── __init__.py │ │ │ ├── chebyshev_lr_functions.py │ │ │ ├── ranger21.jpg │ │ │ ├── ranger21.py │ │ │ └── rangerabel.py │ │ ├── torchlars │ │ │ ├── .travis.yml │ │ │ ├── LICENSE │ │ │ ├── NOTICE │ │ │ ├── README.md │ │ │ ├── img │ │ │ │ └── resnet50_test_learning_curves.jpg │ │ │ ├── setup.cfg │ │ │ ├── setup.py │ │ │ ├── tests │ │ │ │ ├── __init__.py │ │ │ │ ├── test_compute_adaptive_lr.py │ │ │ │ └── test_pickle.py │ │ │ └── torchlars │ │ │ │ ├── __init__.py │ │ │ │ ├── __version__.py │ │ │ │ ├── adaptive_lr.cc │ │ │ │ ├── adaptive_lr_cuda.cu │ │ │ │ └── lars.py │ │ └── utils.py │ ├── post_processing │ │ ├── README.md │ │ ├── __init__.py │ │ └── tta.py │ ├── pre_processing │ │ ├── README.md │ │ ├── __init__.py │ │ ├── copy_paste.py │ │ └── learnableResizer.py │ ├── pytorch_opencv │ │ └── sobel.py │ ├── scheduler │ │ ├── CosineAnnealingWarmRestarts1.png │ │ ├── CosineAnnealingWarmRestarts2.png │ │ ├── CosineLR.jpg │ │ ├── CyclicLR.png │ │ ├── ExpLR.jpg │ │ ├── MultiStepLR.jpg │ │ ├── OneCycleLR.png │ │ ├── README.md │ │ ├── StepLR.jpg │ │ ├── __init__.py │ │ ├── poly_lr.py │ │ ├── scheduler_utils.py │ │ └── warmup_lr_scheduler.py │ ├── segmentation │ │ └── measure │ │ │ └── BoundaryIoU.md │ ├── train │ │ ├── WeightEMA_code.py │ │ ├── __init__.py │ │ ├── 不同数量卡训练 │ │ │ ├── README.md │ │ │ ├── main.py │ │ │ ├── train.sh │ │ │ ├── 单机单卡.py │ │ │ ├── 单机多卡.py │ │ │ └── 多机多卡.py │ │ ├── 二阶段训练 │ │ │ ├── __init__.py │ │ │ ├── swa_pytorch.py │ │ │ └── swaoffline.py │ │ ├── 对抗训练 │ │ │ ├── FGSM.py │ │ │ ├── README.md │ │ │ ├── __init__.py │ │ │ └── adversarialattackspytorchmaster │ │ │ │ ├── .gitignore │ │ │ │ ├── CONTRIBUTING.md │ │ │ │ ├── LICENSE │ │ │ │ ├── README.md │ │ │ │ ├── README_KOR.md │ │ │ │ ├── UPDATE_HISTORY.md │ │ │ │ ├── __init__.py │ │ │ │ ├── demos │ │ │ │ ├── Adversairal Training (MNIST).ipynb │ │ │ │ ├── Model with Multiple Outputs.ipynb │ │ │ │ ├── Performance Comparison (CIFAR10).ipynb │ │ │ │ ├── Transfer Attack (CIFAR10).ipynb │ │ │ │ ├── White Box Attack (ImageNet).ipynb │ │ │ │ ├── checkpoint │ │ │ │ │ ├── holdout.pth │ │ │ │ │ └── target.pth │ │ │ │ ├── data │ │ │ │ │ ├── imagenet │ │ │ │ │ │ └── giant_panda │ │ │ │ │ │ │ └── 1.jpg │ │ │ │ │ └── imagenet_class_index.json │ │ │ │ ├── models.py │ │ │ │ └── utils.py │ │ │ │ ├── docs │ │ │ │ ├── Makefile │ │ │ │ ├── __init__.py │ │ │ │ ├── attack.rst │ │ │ │ ├── attacks.rst │ │ │ │ ├── conf.py │ │ │ │ ├── index.rst │ │ │ │ └── make.bat │ │ │ │ ├── pic │ │ │ │ ├── adv_kor.png │ │ │ │ ├── bim.png │ │ │ │ ├── clean.png │ │ │ │ ├── cw.png │ │ │ │ ├── deepfool.png │ │ │ │ ├── fgsm.png │ │ │ │ ├── pgd.png │ │ │ │ ├── rfgsm.png │ │ │ │ ├── rpgd.png │ │ │ │ └── stepll.png │ │ │ │ ├── requirements.txt │ │ │ │ └── torchattacks │ │ │ │ ├── __init__.py │ │ │ │ ├── attack.py │ │ │ │ └── attacks │ │ │ │ ├── __init__.py │ │ │ │ ├── _differential_evolution.py │ │ │ │ ├── apgd.py │ │ │ │ ├── apgdt.py │ │ │ │ ├── autoattack.py │ │ │ │ ├── bim.py │ │ │ │ ├── cw.py │ │ │ │ ├── deepfool.py │ │ │ │ ├── difgsm.py │ │ │ │ ├── eotpgd.py │ │ │ │ ├── fab.py │ │ │ │ ├── ffgsm.py │ │ │ │ ├── fgsm.py │ │ │ │ ├── gn.py │ │ │ │ ├── mifgsm.py │ │ │ │ ├── multiattack.py │ │ │ │ ├── onepixel.py │ │ │ │ ├── pgd.py │ │ │ │ ├── pgdl2.py │ │ │ │ ├── rfgsm.py │ │ │ │ ├── sparsefool.py │ │ │ │ ├── square.py │ │ │ │ ├── tifgsm.py │ │ │ │ ├── tpgd.py │ │ │ │ ├── upgd.py │ │ │ │ └── vanila.py │ │ ├── 知识蒸馏 │ │ │ └── README.md │ │ ├── 自动混合精度训练 │ │ │ ├── README.md │ │ │ ├── apex_utils.md │ │ │ └── test_amp_shufflenet.py │ │ └── 训练过程训练曲线调整.md │ ├── utils │ │ ├── PIL_utils.py │ │ ├── __init__.py │ │ ├── matplotlib_utils.py │ │ ├── opencv_utils │ │ │ ├── README.md │ │ │ ├── SkeletonOrigin.png │ │ │ ├── SkeletonOrigin2.jpg │ │ │ ├── __init__.py │ │ │ ├── basees.py │ │ │ ├── byo.py │ │ │ ├── new_find.py │ │ │ ├── 大图中找小图位置 │ │ │ │ ├── __init__.py │ │ │ │ ├── funcc1.py │ │ │ │ └── funcc21.py │ │ │ ├── 视频操作 │ │ │ │ ├── BackgroundSubtractorMOG.py │ │ │ │ ├── BackgroundSubtractorMOG2.py │ │ │ │ ├── __init__.py │ │ │ │ └── morphologyEx.py │ │ │ └── 骨架提取.py │ │ ├── optimizer_utils.py │ │ ├── skimage_utils.py │ │ ├── sklean_utils.py │ │ ├── tensorboard_demo.py │ │ ├── torch_utils.md │ │ └── torch_utils.py │ ├── 半监督 │ │ ├── MixMatch.py │ │ └── README.md │ ├── 好的论文但是还没有源代码或者我还没有理解的.md │ ├── 未分类的论文中的涨分tricks.md │ ├── 深度学习项目开发过程.xmind │ └── 自监督 │ │ └── README.md ├── files │ ├── __init__.py │ ├── common.py │ ├── execls │ │ ├── __init__.py │ │ ├── empty.xlsx │ │ └── execl_template_modify.py │ ├── image_utils.py │ ├── json_utils.py │ ├── modify_file_time.py │ ├── pickle_utils.py │ ├── txt_utils.py │ └── xml_utils.py ├── machinelearning │ ├── KFold.py │ ├── README.md │ ├── SVM.py │ ├── cross_val_score.py │ ├── knn.py │ └── lgb │ │ ├── predict.py │ │ └── train.py ├── numpys │ ├── __init__.py │ ├── numpy_convolution.py │ ├── numpy_demo.md │ ├── numpy_speed_utils.html │ ├── numpy_speed_utils.py │ └── numpy_utils.py ├── pandases │ ├── __init__.py │ └── pandas_utils.py ├── python │ ├── __init__.py │ ├── asyncio_utils.py │ ├── atexit_demo.py │ ├── dict_utils.py │ ├── imutils_utils.py │ ├── jupyter │ │ ├── exp4.png │ │ ├── html22.html │ │ ├── htmlToJupyter.py │ │ └── labels.json │ ├── list_utils.py │ ├── obj_utils.py │ ├── os环境变量和insert头.py │ ├── os调用shell命令并且获取返回值.py │ ├── packages.md │ ├── pymem │ │ ├── __init__.py │ │ ├── pymem_utils.py │ │ └── 教学文档1.0.md │ ├── string_utils.py │ ├── threadings │ │ ├── __init__.py │ │ ├── multiprocessing_demo.py │ │ ├── multiprocessing_utils.py │ │ ├── threading_demo1.py │ │ ├── threading_utils.py │ │ ├── threading_utils2.py │ │ ├── torchmodel_multithread │ │ │ ├── __init__.py │ │ │ ├── torchmutilprocessing.py │ │ │ ├── 两个模型串行跑.py │ │ │ ├── 使用协程的方法.py │ │ │ └── 使用线程池同时跑两个模型推理.py │ │ └── 进程共享类.py │ ├── time_utils.py │ ├── tuple_utils.py │ ├── yamls │ │ ├── box.py │ │ ├── read_yaml.py │ │ └── wireframe.yaml │ ├── 加速 │ │ ├── README.md │ │ └── test-python.py │ ├── 替换pytorch模型中任何一层.py │ ├── 正则re.py │ └── 获取电脑所有配置信息window.py ├── waigua │ ├── __init__.py │ └── ctypes_utils.py └── web │ ├── __init__.py │ ├── alipay_utils.py │ ├── django_utils.md │ ├── frontend │ ├── img.js │ └── oss-h5-upload-js-direct │ │ ├── index.html │ │ ├── style.css │ │ └── upload.js │ ├── multi_download.py │ ├── pythonsmb.py │ ├── requests_utils.py │ ├── response_utils.py │ ├── services_utils.py │ └── web.py ├── requirements.txt ├── setup.py ├── temimg ├── SSM.png └── learnableResizer.png ├── test ├── cv │ ├── bases │ │ ├── BatchNormalization │ │ │ └── train_inplace_abn.py │ │ ├── FC │ │ │ ├── train_SSM.py │ │ │ └── train_SwishLinear.py │ │ ├── activates │ │ │ ├── APReLUdemo.py │ │ │ ├── DynamicReLUdemo.py │ │ │ ├── test_GELU.py │ │ │ ├── test_serf.py │ │ │ └── test_sigmoid.py │ │ ├── attentions │ │ │ └── test_ResidualAttention.py │ │ ├── conv │ │ │ ├── train_CondConv.py │ │ │ ├── train_DCNv2.py │ │ │ ├── train_coordConv2d.py │ │ │ └── train_dy_conv.py │ │ ├── input_conv │ │ │ ├── train_focus.py │ │ │ └── train_spacetodepth.py │ │ ├── pool │ │ │ ├── train_GAP.py │ │ │ ├── train_SwishAdaptiveAvgPool2d.py │ │ │ ├── train_adapool.py │ │ │ ├── train_blurpool.py │ │ │ ├── train_shape_adaptor.py │ │ │ └── train_spppool.py │ │ └── test_regularization.py │ ├── classes │ │ └── train_MicroNet.py │ ├── loss │ │ ├── classes │ │ │ └── train_tripletloss.py │ │ ├── train_centerloss.py │ │ ├── train_focalloss.py │ │ ├── train_ohemloss.py │ │ ├── train_ohemloss2.py │ │ ├── train_oimloss.py │ │ └── train_topk_crossEntrophy.py │ ├── models │ │ └── necks │ │ │ └── train_deep_stem.py │ ├── optimizer │ │ └── test_torch_optimizer │ │ │ ├── mnist.py │ │ │ └── viz_optimizers.py │ ├── pre_processing │ │ ├── test_with_learnableResizer.py │ │ └── test_without_learnableResizer.py │ ├── scheduler │ │ ├── test_CosineAnnealingLR.py │ │ ├── test_OneCycleLR.py │ │ ├── test_PolyLR.py │ │ └── test_warmup_lr_scheduler.py │ ├── train │ │ ├── test_WeightEMA.py │ │ └── 对抗训练 │ │ │ ├── test_GN_resnet18.py │ │ │ └── test_GN_shufflenet.py │ └── 半监督 │ │ └── train_mixmatch.py ├── python │ └── test_loguru.py └── train_cifar10.py └── wiki ├── English.md ├── anaconda ├── .condarc └── conda.md ├── c++ └── qt.md ├── docker ├── Dockerfile └── sources.list ├── git ├── Github搜索语法-信息搜集指南.pdf ├── cmd.png └── git.md ├── linux ├── .bashrc ├── Auto_clear_mem │ ├── Auto_clear_mem.sh │ └── Contact_list ├── etc │ ├── hosts │ └── vsftpd │ │ └── vsftpd.conf ├── gcc.md ├── linux.md └── shs │ ├── InfoView4CentOS.sh │ ├── django_run.sh │ └── get_computer_info.sh ├── mysql.md ├── pip ├── .pip │ └── pip.conf ├── pip.ini ├── pip.md └── 自己开发pip包.md ├── search.md ├── windows ├── bats │ ├── install_labelImg.bat │ ├── packageZengXh.bat │ ├── start-apache24.bat │ ├── start-jupyter.bat │ └── start-server-lines.bat ├── etc │ └── hosts └── windows.md └── 天池 └── 2021广东工业智造创新大赛—智能算法赛 ├── 2021广东工业智造创新大赛-瓷砖缺陷检测总决赛冠军比赛攻略——安宁庞巴迪队-天池技术圈-天池技术讨论区.pdf ├── 2021广东工业智造创新大赛-瓷砖缺陷检测总决赛季军比赛攻略——X-Y-X团队-天池技术圈-天池技术讨论区.pdf ├── 2021广东工业智造创新大赛—智能算法赛相关的问题-天池大赛-阿里云天池.pdf ├── README.md └── image_seg-main.zip /.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/.gitignore -------------------------------------------------------------------------------- /LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/LICENSE -------------------------------------------------------------------------------- /README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/README.md -------------------------------------------------------------------------------- /docs/AI环境下载地址.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/docs/AI环境下载地址.md -------------------------------------------------------------------------------- /docs/alipay/keys/alipay_key_2048.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/docs/alipay/keys/alipay_key_2048.txt -------------------------------------------------------------------------------- /docs/alipay/keys/private_2048.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/docs/alipay/keys/private_2048.txt -------------------------------------------------------------------------------- /docs/alipay/说明.docx: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/docs/alipay/说明.docx -------------------------------------------------------------------------------- /docs/tenxun_sms/example_send_msg.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/docs/tenxun_sms/example_send_msg.py -------------------------------------------------------------------------------- /docs/tenxun_sms/短信云.docx: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/docs/tenxun_sms/短信云.docx -------------------------------------------------------------------------------- /docs/whls/DCNv2_latest-master.zip: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/docs/whls/DCNv2_latest-master.zip -------------------------------------------------------------------------------- /docs/whls/adaPool-main.zip: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/docs/whls/adaPool-main.zip -------------------------------------------------------------------------------- /docs/whls/pytorch_ranger-0.1.1-py3-none-any.whl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/docs/whls/pytorch_ranger-0.1.1-py3-none-any.whl -------------------------------------------------------------------------------- /docs/whls/torch_optimizer-0.3.0-py3-none-any.whl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/docs/whls/torch_optimizer-0.3.0-py3-none-any.whl -------------------------------------------------------------------------------- /python_developer_tools/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/__init__.py -------------------------------------------------------------------------------- /python_developer_tools/c++/README.md: -------------------------------------------------------------------------------- 1 | # opencv 2 | > [下载地址](https://opencv.org/releases/) 3 | > 在qt中的.pro文件里面右击引入库 -------------------------------------------------------------------------------- /python_developer_tools/c++/qt/qt-post-form-file.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/c++/qt/qt-post-form-file.cpp -------------------------------------------------------------------------------- /python_developer_tools/c++/qt/qt-post-form.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/c++/qt/qt-post-form.cpp -------------------------------------------------------------------------------- /python_developer_tools/c++/qt/qt-post-json.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/c++/qt/qt-post-json.cpp -------------------------------------------------------------------------------- /python_developer_tools/cv/MLP/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/MLP/README.md -------------------------------------------------------------------------------- /python_developer_tools/cv/PyTorch_Networks/Attention/ANN.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/PyTorch_Networks/Attention/ANN.py -------------------------------------------------------------------------------- /python_developer_tools/cv/PyTorch_Networks/Attention/CBAM.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/PyTorch_Networks/Attention/CBAM.py -------------------------------------------------------------------------------- /python_developer_tools/cv/PyTorch_Networks/Attention/CCNet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/PyTorch_Networks/Attention/CCNet.py -------------------------------------------------------------------------------- /python_developer_tools/cv/PyTorch_Networks/Attention/ECA-Net.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/PyTorch_Networks/Attention/ECA-Net.py -------------------------------------------------------------------------------- /python_developer_tools/cv/PyTorch_Networks/Attention/GlobalContextBlock.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/PyTorch_Networks/Attention/GlobalContextBlock.py -------------------------------------------------------------------------------- /python_developer_tools/cv/PyTorch_Networks/Attention/NonLocalBlock.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/PyTorch_Networks/Attention/NonLocalBlock.py -------------------------------------------------------------------------------- /python_developer_tools/cv/PyTorch_Networks/Attention/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/PyTorch_Networks/Attention/README.md -------------------------------------------------------------------------------- /python_developer_tools/cv/PyTorch_Networks/Attention/SENet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/PyTorch_Networks/Attention/SENet.py -------------------------------------------------------------------------------- /python_developer_tools/cv/PyTorch_Networks/Attention/SEvariants.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/PyTorch_Networks/Attention/SEvariants.py -------------------------------------------------------------------------------- /python_developer_tools/cv/PyTorch_Networks/Attention/TripletAttention.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/PyTorch_Networks/Attention/TripletAttention.py -------------------------------------------------------------------------------- /python_developer_tools/cv/PyTorch_Networks/FaceDetectorAndRecognition/FaceBoxes.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/PyTorch_Networks/FaceDetectorAndRecognition/FaceBoxes.py -------------------------------------------------------------------------------- /python_developer_tools/cv/PyTorch_Networks/FaceDetectorAndRecognition/LFFD.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/PyTorch_Networks/FaceDetectorAndRecognition/LFFD.py -------------------------------------------------------------------------------- /python_developer_tools/cv/PyTorch_Networks/FaceDetectorAndRecognition/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/PyTorch_Networks/FaceDetectorAndRecognition/README.md -------------------------------------------------------------------------------- /python_developer_tools/cv/PyTorch_Networks/HumanPoseEstimation/Hourglass.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/PyTorch_Networks/HumanPoseEstimation/Hourglass.py -------------------------------------------------------------------------------- /python_developer_tools/cv/PyTorch_Networks/HumanPoseEstimation/LPN.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/PyTorch_Networks/HumanPoseEstimation/LPN.py -------------------------------------------------------------------------------- /python_developer_tools/cv/PyTorch_Networks/HumanPoseEstimation/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/PyTorch_Networks/HumanPoseEstimation/README.md -------------------------------------------------------------------------------- /python_developer_tools/cv/PyTorch_Networks/HumanPoseEstimation/SimpleBaseline.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/PyTorch_Networks/HumanPoseEstimation/SimpleBaseline.py -------------------------------------------------------------------------------- /python_developer_tools/cv/PyTorch_Networks/HumanPoseEstimation/context_block.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/PyTorch_Networks/HumanPoseEstimation/context_block.py -------------------------------------------------------------------------------- /python_developer_tools/cv/PyTorch_Networks/InstanceSegmentation/PolarMask.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/PyTorch_Networks/InstanceSegmentation/PolarMask.py -------------------------------------------------------------------------------- /python_developer_tools/cv/PyTorch_Networks/InstanceSegmentation/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/PyTorch_Networks/InstanceSegmentation/README.md -------------------------------------------------------------------------------- /python_developer_tools/cv/PyTorch_Networks/ObjectDetection/ASFF.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/PyTorch_Networks/ObjectDetection/ASFF.py -------------------------------------------------------------------------------- /python_developer_tools/cv/PyTorch_Networks/ObjectDetection/CenterNet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/PyTorch_Networks/ObjectDetection/CenterNet.py -------------------------------------------------------------------------------- /python_developer_tools/cv/PyTorch_Networks/ObjectDetection/CornerNet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/PyTorch_Networks/ObjectDetection/CornerNet.py -------------------------------------------------------------------------------- /python_developer_tools/cv/PyTorch_Networks/ObjectDetection/FCOS.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/PyTorch_Networks/ObjectDetection/FCOS.py -------------------------------------------------------------------------------- /python_developer_tools/cv/PyTorch_Networks/ObjectDetection/FPN.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/PyTorch_Networks/ObjectDetection/FPN.py -------------------------------------------------------------------------------- /python_developer_tools/cv/PyTorch_Networks/ObjectDetection/FSAF.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /python_developer_tools/cv/PyTorch_Networks/ObjectDetection/FisheyeMODNet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/PyTorch_Networks/ObjectDetection/FisheyeMODNet.py -------------------------------------------------------------------------------- /python_developer_tools/cv/PyTorch_Networks/ObjectDetection/FoveaBox.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/PyTorch_Networks/ObjectDetection/FoveaBox.py -------------------------------------------------------------------------------- /python_developer_tools/cv/PyTorch_Networks/ObjectDetection/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/PyTorch_Networks/ObjectDetection/README.md -------------------------------------------------------------------------------- /python_developer_tools/cv/PyTorch_Networks/ObjectDetection/RetinaNet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/PyTorch_Networks/ObjectDetection/RetinaNet.py -------------------------------------------------------------------------------- /python_developer_tools/cv/PyTorch_Networks/ObjectDetection/SSD.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/PyTorch_Networks/ObjectDetection/SSD.py -------------------------------------------------------------------------------- /python_developer_tools/cv/PyTorch_Networks/ObjectDetection/VoVNet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/PyTorch_Networks/ObjectDetection/VoVNet.py -------------------------------------------------------------------------------- /python_developer_tools/cv/PyTorch_Networks/ObjectDetection/VoVNetV2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/PyTorch_Networks/ObjectDetection/VoVNetV2.py -------------------------------------------------------------------------------- /python_developer_tools/cv/PyTorch_Networks/ObjectDetection/YOLO.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/PyTorch_Networks/ObjectDetection/YOLO.py -------------------------------------------------------------------------------- /python_developer_tools/cv/PyTorch_Networks/ObjectDetection/YOLO_Nano.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/PyTorch_Networks/ObjectDetection/YOLO_Nano.py -------------------------------------------------------------------------------- /python_developer_tools/cv/PyTorch_Networks/ObjectDetection/YOLOv2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/PyTorch_Networks/ObjectDetection/YOLOv2.py -------------------------------------------------------------------------------- /python_developer_tools/cv/PyTorch_Networks/ObjectDetection/YOLOv3.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/PyTorch_Networks/ObjectDetection/YOLOv3.py -------------------------------------------------------------------------------- /python_developer_tools/cv/PyTorch_Networks/PortraitSegmentation/SINet.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /python_developer_tools/cv/PyTorch_Networks/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/PyTorch_Networks/README.md -------------------------------------------------------------------------------- /python_developer_tools/cv/PyTorch_Networks/SemanticSegmentation/DeeplabV3Plus.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/PyTorch_Networks/SemanticSegmentation/DeeplabV3Plus.py -------------------------------------------------------------------------------- /python_developer_tools/cv/PyTorch_Networks/SemanticSegmentation/ENet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/PyTorch_Networks/SemanticSegmentation/ENet.py -------------------------------------------------------------------------------- /python_developer_tools/cv/PyTorch_Networks/SemanticSegmentation/FCN.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/PyTorch_Networks/SemanticSegmentation/FCN.py -------------------------------------------------------------------------------- /python_developer_tools/cv/PyTorch_Networks/SemanticSegmentation/FastSCNN.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/PyTorch_Networks/SemanticSegmentation/FastSCNN.py -------------------------------------------------------------------------------- /python_developer_tools/cv/PyTorch_Networks/SemanticSegmentation/FisheyeMODNet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/PyTorch_Networks/SemanticSegmentation/FisheyeMODNet.py -------------------------------------------------------------------------------- /python_developer_tools/cv/PyTorch_Networks/SemanticSegmentation/ICNet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/PyTorch_Networks/SemanticSegmentation/ICNet.py -------------------------------------------------------------------------------- /python_developer_tools/cv/PyTorch_Networks/SemanticSegmentation/LEDnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/PyTorch_Networks/SemanticSegmentation/LEDnet.py -------------------------------------------------------------------------------- /python_developer_tools/cv/PyTorch_Networks/SemanticSegmentation/LRNnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/PyTorch_Networks/SemanticSegmentation/LRNnet.py -------------------------------------------------------------------------------- /python_developer_tools/cv/PyTorch_Networks/SemanticSegmentation/LWnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/PyTorch_Networks/SemanticSegmentation/LWnet.py -------------------------------------------------------------------------------- /python_developer_tools/cv/PyTorch_Networks/SemanticSegmentation/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/PyTorch_Networks/SemanticSegmentation/README.md -------------------------------------------------------------------------------- /python_developer_tools/cv/PyTorch_Networks/SemanticSegmentation/SegNet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/PyTorch_Networks/SemanticSegmentation/SegNet.py -------------------------------------------------------------------------------- /python_developer_tools/cv/PyTorch_Networks/SemanticSegmentation/Unet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/PyTorch_Networks/SemanticSegmentation/Unet.py -------------------------------------------------------------------------------- /python_developer_tools/cv/PyTorch_Networks/Utils/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/PyTorch_Networks/Utils/utils.py -------------------------------------------------------------------------------- /python_developer_tools/cv/PyTorch_Networks/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/PyTorch_Networks/requirements.txt -------------------------------------------------------------------------------- /python_developer_tools/cv/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/README.md -------------------------------------------------------------------------------- /python_developer_tools/cv/Transformer/CrossFormer.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/Transformer/CrossFormer.md -------------------------------------------------------------------------------- /python_developer_tools/cv/Transformer/LG-Transformer.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/Transformer/LG-Transformer.md -------------------------------------------------------------------------------- /python_developer_tools/cv/Transformer/Swin-Transformer-Object-Detection/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/Transformer/Swin-Transformer-Object-Detection/README.md -------------------------------------------------------------------------------- /python_developer_tools/cv/Transformer/TNT.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/Transformer/TNT.md -------------------------------------------------------------------------------- /python_developer_tools/cv/Transformer/ViT.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/Transformer/ViT.md -------------------------------------------------------------------------------- /python_developer_tools/cv/Transformer/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/Transformer/__init__.py -------------------------------------------------------------------------------- /python_developer_tools/cv/Transformer/发展史/分类.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/Transformer/发展史/分类.png -------------------------------------------------------------------------------- /python_developer_tools/cv/Transformer/发展史/发展史.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/Transformer/发展史/发展史.jpg -------------------------------------------------------------------------------- /python_developer_tools/cv/Transformer/目标跟踪/STARK.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/Transformer/目标跟踪/STARK.md -------------------------------------------------------------------------------- /python_developer_tools/cv/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/__init__.py -------------------------------------------------------------------------------- /python_developer_tools/cv/bases/BatchNormalization/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/bases/BatchNormalization/README.md -------------------------------------------------------------------------------- /python_developer_tools/cv/bases/Dropout/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/bases/Dropout/README.md -------------------------------------------------------------------------------- /python_developer_tools/cv/bases/FC/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/bases/FC/README.md -------------------------------------------------------------------------------- /python_developer_tools/cv/bases/FC/SSM.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/bases/FC/SSM.py -------------------------------------------------------------------------------- /python_developer_tools/cv/bases/FC/SwishLinear.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/bases/FC/SwishLinear.py -------------------------------------------------------------------------------- /python_developer_tools/cv/bases/FC/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/bases/FC/__init__.py -------------------------------------------------------------------------------- /python_developer_tools/cv/bases/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/bases/__init__.py -------------------------------------------------------------------------------- /python_developer_tools/cv/bases/activates/APReLU.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/bases/activates/APReLU.py -------------------------------------------------------------------------------- /python_developer_tools/cv/bases/activates/Basic-idea-of-APReLU.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/bases/activates/Basic-idea-of-APReLU.png -------------------------------------------------------------------------------- /python_developer_tools/cv/bases/activates/DynamicReLU.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/bases/activates/DynamicReLU.png -------------------------------------------------------------------------------- /python_developer_tools/cv/bases/activates/DynamicReLU.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/bases/activates/DynamicReLU.py -------------------------------------------------------------------------------- /python_developer_tools/cv/bases/activates/GELU/GELU.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/bases/activates/GELU/GELU.png -------------------------------------------------------------------------------- /python_developer_tools/cv/bases/activates/GELU/GELU.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/bases/activates/GELU/GELU.py -------------------------------------------------------------------------------- /python_developer_tools/cv/bases/activates/GELU/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/bases/activates/GELU/__init__.py -------------------------------------------------------------------------------- /python_developer_tools/cv/bases/activates/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/bases/activates/README.md -------------------------------------------------------------------------------- /python_developer_tools/cv/bases/activates/Serf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/bases/activates/Serf.py -------------------------------------------------------------------------------- /python_developer_tools/cv/bases/activates/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/bases/activates/__init__.py -------------------------------------------------------------------------------- /python_developer_tools/cv/bases/activates/serf.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/bases/activates/serf.png -------------------------------------------------------------------------------- /python_developer_tools/cv/bases/activates/sigmoid.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/bases/activates/sigmoid.py -------------------------------------------------------------------------------- /python_developer_tools/cv/bases/activates/softmax_sequence.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/bases/activates/softmax_sequence.py -------------------------------------------------------------------------------- /python_developer_tools/cv/bases/activates/softmaxseq.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/bases/activates/softmaxseq.png -------------------------------------------------------------------------------- /python_developer_tools/cv/bases/activates/swish.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/bases/activates/swish.py -------------------------------------------------------------------------------- /python_developer_tools/cv/bases/attentions/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/bases/attentions/README.md -------------------------------------------------------------------------------- /python_developer_tools/cv/bases/attentions/ResidualAttention.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/bases/attentions/ResidualAttention.png -------------------------------------------------------------------------------- /python_developer_tools/cv/bases/attentions/ResidualAttention.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/bases/attentions/ResidualAttention.py -------------------------------------------------------------------------------- /python_developer_tools/cv/bases/attentions/SEAttention.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/bases/attentions/SEAttention.png -------------------------------------------------------------------------------- /python_developer_tools/cv/bases/attentions/SEAttention.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/bases/attentions/SEAttention.py -------------------------------------------------------------------------------- /python_developer_tools/cv/bases/attentions/SimAM-master/.gitignore: -------------------------------------------------------------------------------- 1 | pretrained 2 | SimAM-previous.rar -------------------------------------------------------------------------------- /python_developer_tools/cv/bases/attentions/SimAM-master/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/bases/attentions/SimAM-master/README.md -------------------------------------------------------------------------------- /python_developer_tools/cv/bases/attentions/SimAM-master/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/bases/attentions/SimAM-master/__init__.py -------------------------------------------------------------------------------- /python_developer_tools/cv/bases/attentions/SimAM-master/checkpoint.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/bases/attentions/SimAM-master/checkpoint.py -------------------------------------------------------------------------------- /python_developer_tools/cv/bases/attentions/SimAM-master/figures/attentions.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/bases/attentions/SimAM-master/figures/attentions.png -------------------------------------------------------------------------------- /python_developer_tools/cv/bases/attentions/SimAM-master/main_cifar.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/bases/attentions/SimAM-master/main_cifar.py -------------------------------------------------------------------------------- /python_developer_tools/cv/bases/attentions/SimAM-master/main_imagenet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/bases/attentions/SimAM-master/main_imagenet.py -------------------------------------------------------------------------------- /python_developer_tools/cv/bases/attentions/SimAM-master/mmdetection/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/bases/attentions/SimAM-master/mmdetection/__init__.py -------------------------------------------------------------------------------- /python_developer_tools/cv/bases/attentions/SimAM-master/networks/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/bases/attentions/SimAM-master/networks/__init__.py -------------------------------------------------------------------------------- /python_developer_tools/cv/bases/attentions/SimAM-master/networks/cifar/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/bases/attentions/SimAM-master/networks/cifar/__init__.py -------------------------------------------------------------------------------- /python_developer_tools/cv/bases/attentions/SimAM-master/networks/cifar/block.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/bases/attentions/SimAM-master/networks/cifar/block.py -------------------------------------------------------------------------------- /python_developer_tools/cv/bases/attentions/SimAM-master/networks/cifar/resnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/bases/attentions/SimAM-master/networks/cifar/resnet.py -------------------------------------------------------------------------------- /python_developer_tools/cv/bases/attentions/SimAM-master/util.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/bases/attentions/SimAM-master/util.py -------------------------------------------------------------------------------- /python_developer_tools/cv/bases/attentions/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/bases/attentions/__init__.py -------------------------------------------------------------------------------- /python_developer_tools/cv/bases/channels/channels.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/bases/channels/channels.py -------------------------------------------------------------------------------- /python_developer_tools/cv/bases/conv/CoTNet/CoTNet-master/.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/bases/conv/CoTNet/CoTNet-master/.gitignore -------------------------------------------------------------------------------- /python_developer_tools/cv/bases/conv/CoTNet/CoTNet-master/LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/bases/conv/CoTNet/CoTNet-master/LICENSE -------------------------------------------------------------------------------- /python_developer_tools/cv/bases/conv/CoTNet/CoTNet-master/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/bases/conv/CoTNet/CoTNet-master/README.md -------------------------------------------------------------------------------- /python_developer_tools/cv/bases/conv/CoTNet/CoTNet-master/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/bases/conv/CoTNet/CoTNet-master/__init__.py -------------------------------------------------------------------------------- /python_developer_tools/cv/bases/conv/CoTNet/CoTNet-master/config/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/bases/conv/CoTNet/CoTNet-master/config/__init__.py -------------------------------------------------------------------------------- /python_developer_tools/cv/bases/conv/CoTNet/CoTNet-master/config/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/bases/conv/CoTNet/CoTNet-master/config/config.py -------------------------------------------------------------------------------- /python_developer_tools/cv/bases/conv/CoTNet/CoTNet-master/config/constants.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/bases/conv/CoTNet/CoTNet-master/config/constants.py -------------------------------------------------------------------------------- /python_developer_tools/cv/bases/conv/CoTNet/CoTNet-master/cupy_layers/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /python_developer_tools/cv/bases/conv/CoTNet/CoTNet-master/cupy_layers/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/bases/conv/CoTNet/CoTNet-master/cupy_layers/utils.py -------------------------------------------------------------------------------- /python_developer_tools/cv/bases/conv/CoTNet/CoTNet-master/datasets/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/bases/conv/CoTNet/CoTNet-master/datasets/__init__.py -------------------------------------------------------------------------------- /python_developer_tools/cv/bases/conv/CoTNet/CoTNet-master/datasets/auto_augment.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/bases/conv/CoTNet/CoTNet-master/datasets/auto_augment.py -------------------------------------------------------------------------------- /python_developer_tools/cv/bases/conv/CoTNet/CoTNet-master/datasets/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/bases/conv/CoTNet/CoTNet-master/datasets/config.py -------------------------------------------------------------------------------- /python_developer_tools/cv/bases/conv/CoTNet/CoTNet-master/datasets/constants.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/bases/conv/CoTNet/CoTNet-master/datasets/constants.py -------------------------------------------------------------------------------- /python_developer_tools/cv/bases/conv/CoTNet/CoTNet-master/datasets/dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/bases/conv/CoTNet/CoTNet-master/datasets/dataset.py -------------------------------------------------------------------------------- /python_developer_tools/cv/bases/conv/CoTNet/CoTNet-master/datasets/loader.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/bases/conv/CoTNet/CoTNet-master/datasets/loader.py -------------------------------------------------------------------------------- /python_developer_tools/cv/bases/conv/CoTNet/CoTNet-master/datasets/mixup.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/bases/conv/CoTNet/CoTNet-master/datasets/mixup.py -------------------------------------------------------------------------------- /python_developer_tools/cv/bases/conv/CoTNet/CoTNet-master/datasets/rand_augment.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/bases/conv/CoTNet/CoTNet-master/datasets/rand_augment.py -------------------------------------------------------------------------------- /python_developer_tools/cv/bases/conv/CoTNet/CoTNet-master/datasets/real_labels.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/bases/conv/CoTNet/CoTNet-master/datasets/real_labels.py -------------------------------------------------------------------------------- /python_developer_tools/cv/bases/conv/CoTNet/CoTNet-master/datasets/transforms.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/bases/conv/CoTNet/CoTNet-master/datasets/transforms.py -------------------------------------------------------------------------------- /python_developer_tools/cv/bases/conv/CoTNet/CoTNet-master/evaler/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /python_developer_tools/cv/bases/conv/CoTNet/CoTNet-master/evaler/evaler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/bases/conv/CoTNet/CoTNet-master/evaler/evaler.py -------------------------------------------------------------------------------- /python_developer_tools/cv/bases/conv/CoTNet/CoTNet-master/images/framework.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/bases/conv/CoTNet/CoTNet-master/images/framework.jpg -------------------------------------------------------------------------------- /python_developer_tools/cv/bases/conv/CoTNet/CoTNet-master/loss/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/bases/conv/CoTNet/CoTNet-master/loss/__init__.py -------------------------------------------------------------------------------- /python_developer_tools/cv/bases/conv/CoTNet/CoTNet-master/loss/asymmetric_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/bases/conv/CoTNet/CoTNet-master/loss/asymmetric_loss.py -------------------------------------------------------------------------------- /python_developer_tools/cv/bases/conv/CoTNet/CoTNet-master/loss/cross_entropy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/bases/conv/CoTNet/CoTNet-master/loss/cross_entropy.py -------------------------------------------------------------------------------- /python_developer_tools/cv/bases/conv/CoTNet/CoTNet-master/loss/jsd.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/bases/conv/CoTNet/CoTNet-master/loss/jsd.py -------------------------------------------------------------------------------- /python_developer_tools/cv/bases/conv/CoTNet/CoTNet-master/models/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/bases/conv/CoTNet/CoTNet-master/models/__init__.py -------------------------------------------------------------------------------- /python_developer_tools/cv/bases/conv/CoTNet/CoTNet-master/models/botnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/bases/conv/CoTNet/CoTNet-master/models/botnet.py -------------------------------------------------------------------------------- /python_developer_tools/cv/bases/conv/CoTNet/CoTNet-master/models/cait.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/bases/conv/CoTNet/CoTNet-master/models/cait.py -------------------------------------------------------------------------------- /python_developer_tools/cv/bases/conv/CoTNet/CoTNet-master/models/coat.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/bases/conv/CoTNet/CoTNet-master/models/coat.py -------------------------------------------------------------------------------- /python_developer_tools/cv/bases/conv/CoTNet/CoTNet-master/models/convit.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/bases/conv/CoTNet/CoTNet-master/models/convit.py -------------------------------------------------------------------------------- /python_developer_tools/cv/bases/conv/CoTNet/CoTNet-master/models/cotnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/bases/conv/CoTNet/CoTNet-master/models/cotnet.py -------------------------------------------------------------------------------- /python_developer_tools/cv/bases/conv/CoTNet/CoTNet-master/models/cotnet_hybrid.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/bases/conv/CoTNet/CoTNet-master/models/cotnet_hybrid.py -------------------------------------------------------------------------------- /python_developer_tools/cv/bases/conv/CoTNet/CoTNet-master/models/densenet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/bases/conv/CoTNet/CoTNet-master/models/densenet.py -------------------------------------------------------------------------------- /python_developer_tools/cv/bases/conv/CoTNet/CoTNet-master/models/factory.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/bases/conv/CoTNet/CoTNet-master/models/factory.py -------------------------------------------------------------------------------- /python_developer_tools/cv/bases/conv/CoTNet/CoTNet-master/models/features.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/bases/conv/CoTNet/CoTNet-master/models/features.py -------------------------------------------------------------------------------- /python_developer_tools/cv/bases/conv/CoTNet/CoTNet-master/models/helpers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/bases/conv/CoTNet/CoTNet-master/models/helpers.py -------------------------------------------------------------------------------- /python_developer_tools/cv/bases/conv/CoTNet/CoTNet-master/models/lambdAnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/bases/conv/CoTNet/CoTNet-master/models/lambdAnet.py -------------------------------------------------------------------------------- /python_developer_tools/cv/bases/conv/CoTNet/CoTNet-master/models/layers/cbam.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/bases/conv/CoTNet/CoTNet-master/models/layers/cbam.py -------------------------------------------------------------------------------- /python_developer_tools/cv/bases/conv/CoTNet/CoTNet-master/models/layers/drop.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/bases/conv/CoTNet/CoTNet-master/models/layers/drop.py -------------------------------------------------------------------------------- /python_developer_tools/cv/bases/conv/CoTNet/CoTNet-master/models/layers/eca.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/bases/conv/CoTNet/CoTNet-master/models/layers/eca.py -------------------------------------------------------------------------------- /python_developer_tools/cv/bases/conv/CoTNet/CoTNet-master/models/layers/mlp.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/bases/conv/CoTNet/CoTNet-master/models/layers/mlp.py -------------------------------------------------------------------------------- /python_developer_tools/cv/bases/conv/CoTNet/CoTNet-master/models/layers/se.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/bases/conv/CoTNet/CoTNet-master/models/layers/se.py -------------------------------------------------------------------------------- /python_developer_tools/cv/bases/conv/CoTNet/CoTNet-master/models/levit.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/bases/conv/CoTNet/CoTNet-master/models/levit.py -------------------------------------------------------------------------------- /python_developer_tools/cv/bases/conv/CoTNet/CoTNet-master/models/lr_net.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/bases/conv/CoTNet/CoTNet-master/models/lr_net.py -------------------------------------------------------------------------------- /python_developer_tools/cv/bases/conv/CoTNet/CoTNet-master/models/pit.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/bases/conv/CoTNet/CoTNet-master/models/pit.py -------------------------------------------------------------------------------- /python_developer_tools/cv/bases/conv/CoTNet/CoTNet-master/models/psresnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/bases/conv/CoTNet/CoTNet-master/models/psresnet.py -------------------------------------------------------------------------------- /python_developer_tools/cv/bases/conv/CoTNet/CoTNet-master/models/registry.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/bases/conv/CoTNet/CoTNet-master/models/registry.py -------------------------------------------------------------------------------- /python_developer_tools/cv/bases/conv/CoTNet/CoTNet-master/models/regnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/bases/conv/CoTNet/CoTNet-master/models/regnet.py -------------------------------------------------------------------------------- /python_developer_tools/cv/bases/conv/CoTNet/CoTNet-master/models/res2net.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/bases/conv/CoTNet/CoTNet-master/models/res2net.py -------------------------------------------------------------------------------- /python_developer_tools/cv/bases/conv/CoTNet/CoTNet-master/models/resnest.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/bases/conv/CoTNet/CoTNet-master/models/resnest.py -------------------------------------------------------------------------------- /python_developer_tools/cv/bases/conv/CoTNet/CoTNet-master/models/resnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/bases/conv/CoTNet/CoTNet-master/models/resnet.py -------------------------------------------------------------------------------- /python_developer_tools/cv/bases/conv/CoTNet/CoTNet-master/models/resnet_dw.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/bases/conv/CoTNet/CoTNet-master/models/resnet_dw.py -------------------------------------------------------------------------------- /python_developer_tools/cv/bases/conv/CoTNet/CoTNet-master/models/resnet_rs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/bases/conv/CoTNet/CoTNet-master/models/resnet_rs.py -------------------------------------------------------------------------------- /python_developer_tools/cv/bases/conv/CoTNet/CoTNet-master/models/resnetv2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/bases/conv/CoTNet/CoTNet-master/models/resnetv2.py -------------------------------------------------------------------------------- /python_developer_tools/cv/bases/conv/CoTNet/CoTNet-master/models/rexnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/bases/conv/CoTNet/CoTNet-master/models/rexnet.py -------------------------------------------------------------------------------- /python_developer_tools/cv/bases/conv/CoTNet/CoTNet-master/models/san_lowrank.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/bases/conv/CoTNet/CoTNet-master/models/san_lowrank.py -------------------------------------------------------------------------------- /python_developer_tools/cv/bases/conv/CoTNet/CoTNet-master/models/sknet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/bases/conv/CoTNet/CoTNet-master/models/sknet.py -------------------------------------------------------------------------------- /python_developer_tools/cv/bases/conv/CoTNet/CoTNet-master/models/tnt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/bases/conv/CoTNet/CoTNet-master/models/tnt.py -------------------------------------------------------------------------------- /python_developer_tools/cv/bases/conv/CoTNet/CoTNet-master/models/twins.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/bases/conv/CoTNet/CoTNet-master/models/twins.py -------------------------------------------------------------------------------- /python_developer_tools/cv/bases/conv/CoTNet/CoTNet-master/models/visformer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/bases/conv/CoTNet/CoTNet-master/models/visformer.py -------------------------------------------------------------------------------- /python_developer_tools/cv/bases/conv/CoTNet/CoTNet-master/models/xception.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/bases/conv/CoTNet/CoTNet-master/models/xception.py -------------------------------------------------------------------------------- /python_developer_tools/cv/bases/conv/CoTNet/CoTNet-master/models/xcit.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/bases/conv/CoTNet/CoTNet-master/models/xcit.py -------------------------------------------------------------------------------- /python_developer_tools/cv/bases/conv/CoTNet/CoTNet-master/optim/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/bases/conv/CoTNet/CoTNet-master/optim/__init__.py -------------------------------------------------------------------------------- /python_developer_tools/cv/bases/conv/CoTNet/CoTNet-master/optim/adafactor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/bases/conv/CoTNet/CoTNet-master/optim/adafactor.py -------------------------------------------------------------------------------- /python_developer_tools/cv/bases/conv/CoTNet/CoTNet-master/optim/adahessian.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/bases/conv/CoTNet/CoTNet-master/optim/adahessian.py -------------------------------------------------------------------------------- /python_developer_tools/cv/bases/conv/CoTNet/CoTNet-master/optim/adamp.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/bases/conv/CoTNet/CoTNet-master/optim/adamp.py -------------------------------------------------------------------------------- /python_developer_tools/cv/bases/conv/CoTNet/CoTNet-master/optim/adamw.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/bases/conv/CoTNet/CoTNet-master/optim/adamw.py -------------------------------------------------------------------------------- /python_developer_tools/cv/bases/conv/CoTNet/CoTNet-master/optim/lookahead.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/bases/conv/CoTNet/CoTNet-master/optim/lookahead.py -------------------------------------------------------------------------------- /python_developer_tools/cv/bases/conv/CoTNet/CoTNet-master/optim/nadam.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/bases/conv/CoTNet/CoTNet-master/optim/nadam.py -------------------------------------------------------------------------------- /python_developer_tools/cv/bases/conv/CoTNet/CoTNet-master/optim/novograd.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/bases/conv/CoTNet/CoTNet-master/optim/novograd.py -------------------------------------------------------------------------------- /python_developer_tools/cv/bases/conv/CoTNet/CoTNet-master/optim/nvnovograd.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/bases/conv/CoTNet/CoTNet-master/optim/nvnovograd.py -------------------------------------------------------------------------------- /python_developer_tools/cv/bases/conv/CoTNet/CoTNet-master/optim/radam.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/bases/conv/CoTNet/CoTNet-master/optim/radam.py -------------------------------------------------------------------------------- /python_developer_tools/cv/bases/conv/CoTNet/CoTNet-master/optim/rmsprop_tf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/bases/conv/CoTNet/CoTNet-master/optim/rmsprop_tf.py -------------------------------------------------------------------------------- /python_developer_tools/cv/bases/conv/CoTNet/CoTNet-master/optim/sgdp.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/bases/conv/CoTNet/CoTNet-master/optim/sgdp.py -------------------------------------------------------------------------------- /python_developer_tools/cv/bases/conv/CoTNet/CoTNet-master/scheduler/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/bases/conv/CoTNet/CoTNet-master/scheduler/__init__.py -------------------------------------------------------------------------------- /python_developer_tools/cv/bases/conv/CoTNet/CoTNet-master/scheduler/step_lr.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/bases/conv/CoTNet/CoTNet-master/scheduler/step_lr.py -------------------------------------------------------------------------------- /python_developer_tools/cv/bases/conv/CoTNet/CoTNet-master/scheduler/tanh_lr.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/bases/conv/CoTNet/CoTNet-master/scheduler/tanh_lr.py -------------------------------------------------------------------------------- /python_developer_tools/cv/bases/conv/CoTNet/CoTNet-master/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/bases/conv/CoTNet/CoTNet-master/train.py -------------------------------------------------------------------------------- /python_developer_tools/cv/bases/conv/CoTNet/CoTNet-master/utils/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/bases/conv/CoTNet/CoTNet-master/utils/__init__.py -------------------------------------------------------------------------------- /python_developer_tools/cv/bases/conv/CoTNet/CoTNet-master/utils/clip_grad.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/bases/conv/CoTNet/CoTNet-master/utils/clip_grad.py -------------------------------------------------------------------------------- /python_developer_tools/cv/bases/conv/CoTNet/CoTNet-master/utils/cuda.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/bases/conv/CoTNet/CoTNet-master/utils/cuda.py -------------------------------------------------------------------------------- /python_developer_tools/cv/bases/conv/CoTNet/CoTNet-master/utils/distributed.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/bases/conv/CoTNet/CoTNet-master/utils/distributed.py -------------------------------------------------------------------------------- /python_developer_tools/cv/bases/conv/CoTNet/CoTNet-master/utils/jit.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/bases/conv/CoTNet/CoTNet-master/utils/jit.py -------------------------------------------------------------------------------- /python_developer_tools/cv/bases/conv/CoTNet/CoTNet-master/utils/logger.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/bases/conv/CoTNet/CoTNet-master/utils/logger.py -------------------------------------------------------------------------------- /python_developer_tools/cv/bases/conv/CoTNet/CoTNet-master/utils/meters.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/bases/conv/CoTNet/CoTNet-master/utils/meters.py -------------------------------------------------------------------------------- /python_developer_tools/cv/bases/conv/CoTNet/CoTNet-master/utils/misc.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/bases/conv/CoTNet/CoTNet-master/utils/misc.py -------------------------------------------------------------------------------- /python_developer_tools/cv/bases/conv/CoTNet/CoTNet-master/utils/model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/bases/conv/CoTNet/CoTNet-master/utils/model.py -------------------------------------------------------------------------------- /python_developer_tools/cv/bases/conv/CoTNet/CoTNet-master/utils/model_ema.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/bases/conv/CoTNet/CoTNet-master/utils/model_ema.py -------------------------------------------------------------------------------- /python_developer_tools/cv/bases/conv/CoTNet/CoTNet-master/utils/timer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/bases/conv/CoTNet/CoTNet-master/utils/timer.py -------------------------------------------------------------------------------- /python_developer_tools/cv/bases/conv/CoTNet/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/bases/conv/CoTNet/README.md -------------------------------------------------------------------------------- /python_developer_tools/cv/bases/conv/CoTNet/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/bases/conv/CoTNet/__init__.py -------------------------------------------------------------------------------- /python_developer_tools/cv/bases/conv/CoTNet/cotnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/bases/conv/CoTNet/cotnet.py -------------------------------------------------------------------------------- /python_developer_tools/cv/bases/conv/CondConv.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/bases/conv/CondConv.py -------------------------------------------------------------------------------- /python_developer_tools/cv/bases/conv/CoordConv2d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/bases/conv/CoordConv2d.py -------------------------------------------------------------------------------- /python_developer_tools/cv/bases/conv/DCNv2/DCNv2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/bases/conv/DCNv2/DCNv2.py -------------------------------------------------------------------------------- /python_developer_tools/cv/bases/conv/DCNv2/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/bases/conv/DCNv2/__init__.py -------------------------------------------------------------------------------- /python_developer_tools/cv/bases/conv/DY_Conv2d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/bases/conv/DY_Conv2d.py -------------------------------------------------------------------------------- /python_developer_tools/cv/bases/conv/DepthSpatialSepConvs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/bases/conv/DepthSpatialSepConvs.py -------------------------------------------------------------------------------- /python_developer_tools/cv/bases/conv/Involution.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/bases/conv/Involution.py -------------------------------------------------------------------------------- /python_developer_tools/cv/bases/conv/MBConv.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/bases/conv/MBConv.py -------------------------------------------------------------------------------- /python_developer_tools/cv/bases/conv/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/bases/conv/README.md -------------------------------------------------------------------------------- /python_developer_tools/cv/bases/conv/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/bases/conv/__init__.py -------------------------------------------------------------------------------- /python_developer_tools/cv/bases/input_conv/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/bases/input_conv/README.md -------------------------------------------------------------------------------- /python_developer_tools/cv/bases/input_conv/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/bases/input_conv/__init__.py -------------------------------------------------------------------------------- /python_developer_tools/cv/bases/input_conv/focus.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/bases/input_conv/focus.py -------------------------------------------------------------------------------- /python_developer_tools/cv/bases/input_conv/space_to_depth.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/bases/input_conv/space_to_depth.py -------------------------------------------------------------------------------- /python_developer_tools/cv/bases/layers/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/bases/layers/README.md -------------------------------------------------------------------------------- /python_developer_tools/cv/bases/layers/SNL.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/bases/layers/SNL.png -------------------------------------------------------------------------------- /python_developer_tools/cv/bases/pool/AvgPool2d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/bases/pool/AvgPool2d.py -------------------------------------------------------------------------------- /python_developer_tools/cv/bases/pool/BlurPool.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/bases/pool/BlurPool.py -------------------------------------------------------------------------------- /python_developer_tools/cv/bases/pool/MaxGroupPooling.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/bases/pool/MaxGroupPooling.py -------------------------------------------------------------------------------- /python_developer_tools/cv/bases/pool/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/bases/pool/README.md -------------------------------------------------------------------------------- /python_developer_tools/cv/bases/pool/SPP.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/bases/pool/SPP.png -------------------------------------------------------------------------------- /python_developer_tools/cv/bases/pool/SPP.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/bases/pool/SPP.py -------------------------------------------------------------------------------- /python_developer_tools/cv/bases/pool/ShapeAdaptor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/bases/pool/ShapeAdaptor.py -------------------------------------------------------------------------------- /python_developer_tools/cv/bases/pool/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/bases/pool/__init__.py -------------------------------------------------------------------------------- /python_developer_tools/cv/bases/pool/adaPooldemo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/bases/pool/adaPooldemo.py -------------------------------------------------------------------------------- /python_developer_tools/cv/bases/pool/softpoolDemo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/bases/pool/softpoolDemo.py -------------------------------------------------------------------------------- /python_developer_tools/cv/bases/regularization.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/bases/regularization.py -------------------------------------------------------------------------------- /python_developer_tools/cv/classes/AlexNet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/classes/AlexNet.py -------------------------------------------------------------------------------- /python_developer_tools/cv/classes/DenseNet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/classes/DenseNet.py -------------------------------------------------------------------------------- /python_developer_tools/cv/classes/Efficientnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/classes/Efficientnet.py -------------------------------------------------------------------------------- /python_developer_tools/cv/classes/GhostNet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/classes/GhostNet.py -------------------------------------------------------------------------------- /python_developer_tools/cv/classes/InceptionV1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/classes/InceptionV1.py -------------------------------------------------------------------------------- /python_developer_tools/cv/classes/InceptionV2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/classes/InceptionV2.py -------------------------------------------------------------------------------- /python_developer_tools/cv/classes/InceptionV3.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/classes/InceptionV3.py -------------------------------------------------------------------------------- /python_developer_tools/cv/classes/MixNet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/classes/MixNet.py -------------------------------------------------------------------------------- /python_developer_tools/cv/classes/MobileNetV1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/classes/MobileNetV1.py -------------------------------------------------------------------------------- /python_developer_tools/cv/classes/MobileNetV2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/classes/MobileNetV2.py -------------------------------------------------------------------------------- /python_developer_tools/cv/classes/MobileNetV3.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/classes/MobileNetV3.py -------------------------------------------------------------------------------- /python_developer_tools/cv/classes/MobileNetXt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/classes/MobileNetXt.py -------------------------------------------------------------------------------- /python_developer_tools/cv/classes/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/classes/README.md -------------------------------------------------------------------------------- /python_developer_tools/cv/classes/ResNeXt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/classes/ResNeXt.py -------------------------------------------------------------------------------- /python_developer_tools/cv/classes/ResNet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/classes/ResNet.py -------------------------------------------------------------------------------- /python_developer_tools/cv/classes/ShuffleNet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/classes/ShuffleNet.py -------------------------------------------------------------------------------- /python_developer_tools/cv/classes/ShuffleNetV2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/classes/ShuffleNetV2.py -------------------------------------------------------------------------------- /python_developer_tools/cv/classes/SqueezeNet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/classes/SqueezeNet.py -------------------------------------------------------------------------------- /python_developer_tools/cv/classes/VGGNet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/classes/VGGNet.py -------------------------------------------------------------------------------- /python_developer_tools/cv/classes/Xception.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/classes/Xception.py -------------------------------------------------------------------------------- /python_developer_tools/cv/classes/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/classes/__init__.py -------------------------------------------------------------------------------- /python_developer_tools/cv/classes/micronet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/classes/micronet.py -------------------------------------------------------------------------------- /python_developer_tools/cv/classes/repVGGNet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/classes/repVGGNet.py -------------------------------------------------------------------------------- /python_developer_tools/cv/classes/transferTorch.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/classes/transferTorch.py -------------------------------------------------------------------------------- /python_developer_tools/cv/datasets/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/datasets/README.md -------------------------------------------------------------------------------- /python_developer_tools/cv/datasets/TT100K/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/datasets/TT100K/README.md -------------------------------------------------------------------------------- /python_developer_tools/cv/datasets/TT100K/anno_func.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/datasets/TT100K/anno_func.py -------------------------------------------------------------------------------- /python_developer_tools/cv/datasets/TT100K/将TT100K转换为一个xml一张图片.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/datasets/TT100K/将TT100K转换为一个xml一张图片.py -------------------------------------------------------------------------------- /python_developer_tools/cv/datasets/TT100K/读取数据集并且画在图片上.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/datasets/TT100K/读取数据集并且画在图片上.py -------------------------------------------------------------------------------- /python_developer_tools/cv/datasets/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/datasets/__init__.py -------------------------------------------------------------------------------- /python_developer_tools/cv/datasets/classes/APR.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/datasets/classes/APR.png -------------------------------------------------------------------------------- /python_developer_tools/cv/datasets/classes/APR.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/datasets/classes/APR.py -------------------------------------------------------------------------------- /python_developer_tools/cv/datasets/classes/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/datasets/classes/__init__.py -------------------------------------------------------------------------------- /python_developer_tools/cv/datasets/classes/class_imgaug.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/datasets/classes/class_imgaug.py -------------------------------------------------------------------------------- /python_developer_tools/cv/datasets/coco/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/datasets/coco/__init__.py -------------------------------------------------------------------------------- /python_developer_tools/cv/datasets/coco/get_coco_mask.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/datasets/coco/get_coco_mask.py -------------------------------------------------------------------------------- /python_developer_tools/cv/datasets/coco/labelme2coco.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/datasets/coco/labelme2coco.py -------------------------------------------------------------------------------- /python_developer_tools/cv/datasets/datasets_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/datasets/datasets_utils.py -------------------------------------------------------------------------------- /python_developer_tools/cv/datasets/imgaug_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/datasets/imgaug_utils.py -------------------------------------------------------------------------------- /python_developer_tools/cv/datasets/line_imgaug.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/datasets/line_imgaug.py -------------------------------------------------------------------------------- /python_developer_tools/cv/datasets/模拟灯光照/2020063010140796.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/datasets/模拟灯光照/2020063010140796.jpg -------------------------------------------------------------------------------- /python_developer_tools/cv/datasets/模拟灯光照/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/datasets/模拟灯光照/__init__.py -------------------------------------------------------------------------------- /python_developer_tools/cv/datasets/模拟灯光照/demo1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/datasets/模拟灯光照/demo1.py -------------------------------------------------------------------------------- /python_developer_tools/cv/datasets/模拟灯光照/demo2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/datasets/模拟灯光照/demo2.py -------------------------------------------------------------------------------- /python_developer_tools/cv/deploy/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/deploy/README.md -------------------------------------------------------------------------------- /python_developer_tools/cv/deploy/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/deploy/__init__.py -------------------------------------------------------------------------------- /python_developer_tools/cv/deploy/inferTensorrt/infer_net3_tensorrt3_tta.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/deploy/inferTensorrt/infer_net3_tensorrt3_tta.py -------------------------------------------------------------------------------- /python_developer_tools/cv/deploy/model_compression/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/deploy/model_compression/__init__.py -------------------------------------------------------------------------------- /python_developer_tools/cv/deploy/model_compression/quantization/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/deploy/model_compression/quantization/__init__.py -------------------------------------------------------------------------------- /python_developer_tools/cv/deploy/model_compression/quantization/torch_fuse.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/deploy/model_compression/quantization/torch_fuse.py -------------------------------------------------------------------------------- /python_developer_tools/cv/deploy/more_gpu_deploy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/deploy/more_gpu_deploy.py -------------------------------------------------------------------------------- /python_developer_tools/cv/deploy/predict.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/deploy/predict.py -------------------------------------------------------------------------------- /python_developer_tools/cv/deploy/pt2onnx/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/deploy/pt2onnx/README.md -------------------------------------------------------------------------------- /python_developer_tools/cv/deploy/pt2onnx/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/deploy/pt2onnx/__init__.py -------------------------------------------------------------------------------- /python_developer_tools/cv/deploy/pt2onnx/demo1-hrnet/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/deploy/pt2onnx/demo1-hrnet/__init__.py -------------------------------------------------------------------------------- /python_developer_tools/cv/deploy/pt2onnx/demo1-hrnet/torch2onnx-integrate.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/deploy/pt2onnx/demo1-hrnet/torch2onnx-integrate.py -------------------------------------------------------------------------------- /python_developer_tools/cv/deploy/pt2onnx/demo1-hrnet/torch2onnx.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/deploy/pt2onnx/demo1-hrnet/torch2onnx.py -------------------------------------------------------------------------------- /python_developer_tools/cv/deploy/pt2onnx/demo1-hrnet/torch2onnx2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/deploy/pt2onnx/demo1-hrnet/torch2onnx2.py -------------------------------------------------------------------------------- /python_developer_tools/cv/deploy/pt2onnx/demo1-hrnet/torch2onnx3-tta.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/deploy/pt2onnx/demo1-hrnet/torch2onnx3-tta.py -------------------------------------------------------------------------------- /python_developer_tools/cv/deploy/pt2onnx/demo1-hrnet/torch2onnx3.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/deploy/pt2onnx/demo1-hrnet/torch2onnx3.py -------------------------------------------------------------------------------- /python_developer_tools/cv/deploy/pt2onnx/demo2/base2onnx.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/deploy/pt2onnx/demo2/base2onnx.py -------------------------------------------------------------------------------- /python_developer_tools/cv/deploy/pt2onnx/demo2/base2onnx_12.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/deploy/pt2onnx/demo2/base2onnx_12.py -------------------------------------------------------------------------------- /python_developer_tools/cv/deploy/pt2onnx/demo3-lcnn/infer_onnx_tensorrt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/deploy/pt2onnx/demo3-lcnn/infer_onnx_tensorrt.py -------------------------------------------------------------------------------- /python_developer_tools/cv/deploy/pt2onnx/demo3-lcnn/infer_torch.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/deploy/pt2onnx/demo3-lcnn/infer_torch.py -------------------------------------------------------------------------------- /python_developer_tools/cv/deploy/pt2onnx/demo3-lcnn/torch2onnx.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/deploy/pt2onnx/demo3-lcnn/torch2onnx.py -------------------------------------------------------------------------------- /python_developer_tools/cv/detection/CenterNet2/README.md: -------------------------------------------------------------------------------- 1 | # 如何训练自己的数据集 2 | > https://blog.csdn.net/Carlsummer/article/details/116711708 -------------------------------------------------------------------------------- /python_developer_tools/cv/detection/CenterNet2/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/detection/CenterNet2/__init__.py -------------------------------------------------------------------------------- /python_developer_tools/cv/detection/CenterNet2/changecenternet2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/detection/CenterNet2/changecenternet2.py -------------------------------------------------------------------------------- /python_developer_tools/cv/detection/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/detection/README.md -------------------------------------------------------------------------------- /python_developer_tools/cv/detection/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/detection/__init__.py -------------------------------------------------------------------------------- /python_developer_tools/cv/detection/involution/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/detection/involution/README.md -------------------------------------------------------------------------------- /python_developer_tools/cv/detection/tricks.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/detection/tricks.md -------------------------------------------------------------------------------- /python_developer_tools/cv/detection/yolor/layers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/detection/yolor/layers.py -------------------------------------------------------------------------------- /python_developer_tools/cv/detection/yolov2.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/detection/yolov2.md -------------------------------------------------------------------------------- /python_developer_tools/cv/detection/yolov5/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/detection/yolov5/__init__.py -------------------------------------------------------------------------------- /python_developer_tools/cv/detection/yolov5/labelimg2YoloV5datasets/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/detection/yolov5/labelimg2YoloV5datasets/__init__.py -------------------------------------------------------------------------------- /python_developer_tools/cv/detection/yolov5/labelimg2YoloV5datasets/voc2coco.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/detection/yolov5/labelimg2YoloV5datasets/voc2coco.py -------------------------------------------------------------------------------- /python_developer_tools/cv/detection/yolov5/labelimg2YoloV5datasets/清洗重复标签的脚本.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/detection/yolov5/labelimg2YoloV5datasets/清洗重复标签的脚本.py -------------------------------------------------------------------------------- /python_developer_tools/cv/detection/yolov5/test_GridSearch_yolov5x_solarcell.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/detection/yolov5/test_GridSearch_yolov5x_solarcell.py -------------------------------------------------------------------------------- /python_developer_tools/cv/detection/yolov5/test_hyperopt_yolov5x_solarcell.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/detection/yolov5/test_hyperopt_yolov5x_solarcell.py -------------------------------------------------------------------------------- /python_developer_tools/cv/detection/yolov5/保存模型和读取模型.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/detection/yolov5/保存模型和读取模型.py -------------------------------------------------------------------------------- /python_developer_tools/cv/detection/yolov5/加载训练好模型的方式.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/detection/yolov5/加载训练好模型的方式.md -------------------------------------------------------------------------------- /python_developer_tools/cv/detection/yolox/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/detection/yolox/__init__.py -------------------------------------------------------------------------------- /python_developer_tools/cv/detection/yolox/labelme2YoloXdatasets/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/detection/yolox/labelme2YoloXdatasets/__init__.py -------------------------------------------------------------------------------- /python_developer_tools/cv/detection/yolox/labelme2YoloXdatasets/txt2jsoncoco.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/detection/yolox/labelme2YoloXdatasets/txt2jsoncoco.py -------------------------------------------------------------------------------- /python_developer_tools/cv/detection/yolox/labelme2YoloXdatasets/切分数据集.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/detection/yolox/labelme2YoloXdatasets/切分数据集.py -------------------------------------------------------------------------------- /python_developer_tools/cv/detection/yolox/labelme2YoloXdatasets/删除没有标准的图片.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/detection/yolox/labelme2YoloXdatasets/删除没有标准的图片.py -------------------------------------------------------------------------------- /python_developer_tools/cv/detection/yolox/labelme2YoloXdatasets/存在重名的图片进行重命名.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/detection/yolox/labelme2YoloXdatasets/存在重名的图片进行重命名.py -------------------------------------------------------------------------------- /python_developer_tools/cv/detection/yolox/训练自己的数据集.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/detection/yolox/训练自己的数据集.md -------------------------------------------------------------------------------- /python_developer_tools/cv/label_tools.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/label_tools.md -------------------------------------------------------------------------------- /python_developer_tools/cv/lines_detection/HoughLinesP_camera.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/lines_detection/HoughLinesP_camera.py -------------------------------------------------------------------------------- /python_developer_tools/cv/lines_detection/LSD.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/lines_detection/LSD.py -------------------------------------------------------------------------------- /python_developer_tools/cv/lines_detection/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/lines_detection/__init__.py -------------------------------------------------------------------------------- /python_developer_tools/cv/lines_detection/deep_hough/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/lines_detection/deep_hough/README.md -------------------------------------------------------------------------------- /python_developer_tools/cv/lines_detection/deep_hough/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/lines_detection/deep_hough/__init__.py -------------------------------------------------------------------------------- /python_developer_tools/cv/lines_detection/deep_hough/_cdht/.gitignore: -------------------------------------------------------------------------------- 1 | build/ 2 | dist/ 3 | -------------------------------------------------------------------------------- /python_developer_tools/cv/lines_detection/deep_hough/_cdht/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/lines_detection/deep_hough/_cdht/__init__.py -------------------------------------------------------------------------------- /python_developer_tools/cv/lines_detection/deep_hough/_cdht/deep_hough_cuda.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/lines_detection/deep_hough/_cdht/deep_hough_cuda.cpp -------------------------------------------------------------------------------- /python_developer_tools/cv/lines_detection/deep_hough/_cdht/dht_func.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/lines_detection/deep_hough/_cdht/dht_func.py -------------------------------------------------------------------------------- /python_developer_tools/cv/lines_detection/deep_hough/_cdht/setup.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/lines_detection/deep_hough/_cdht/setup.py -------------------------------------------------------------------------------- /python_developer_tools/cv/lines_detection/deep_hough/dht.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/lines_detection/deep_hough/dht.py -------------------------------------------------------------------------------- /python_developer_tools/cv/lines_detection/deep_hough/pipeline.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/lines_detection/deep_hough/pipeline.png -------------------------------------------------------------------------------- /python_developer_tools/cv/lines_detection/deep_hough/users/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/lines_detection/deep_hough/users/__init__.py -------------------------------------------------------------------------------- /python_developer_tools/cv/lines_detection/deep_hough/users/fpn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/lines_detection/deep_hough/users/fpn.py -------------------------------------------------------------------------------- /python_developer_tools/cv/lines_detection/deep_hough/users/network.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/lines_detection/deep_hough/users/network.py -------------------------------------------------------------------------------- /python_developer_tools/cv/lines_detection/hough_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/lines_detection/hough_utils.py -------------------------------------------------------------------------------- /python_developer_tools/cv/lines_detection/lcnn/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/lines_detection/lcnn/README.md -------------------------------------------------------------------------------- /python_developer_tools/cv/lines_detection/lcnn/解析.rp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/lines_detection/lcnn/解析.rp -------------------------------------------------------------------------------- /python_developer_tools/cv/lines_detection/line_distance.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/lines_detection/line_distance.py -------------------------------------------------------------------------------- /python_developer_tools/cv/lines_detection/sdf11.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/lines_detection/sdf11.jpg -------------------------------------------------------------------------------- /python_developer_tools/cv/lines_detection/vis_lines.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/lines_detection/vis_lines.py -------------------------------------------------------------------------------- /python_developer_tools/cv/lines_detection/找上升和下降最快的点.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/lines_detection/找上升和下降最快的点.py -------------------------------------------------------------------------------- /python_developer_tools/cv/loss/CenterLoss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/loss/CenterLoss.py -------------------------------------------------------------------------------- /python_developer_tools/cv/loss/OIMloss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/loss/OIMloss.py -------------------------------------------------------------------------------- /python_developer_tools/cv/loss/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/loss/README.md -------------------------------------------------------------------------------- /python_developer_tools/cv/loss/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/loss/__init__.py -------------------------------------------------------------------------------- /python_developer_tools/cv/loss/classes/LabelSmoothingCrossEntropy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/loss/classes/LabelSmoothingCrossEntropy.py -------------------------------------------------------------------------------- /python_developer_tools/cv/loss/classes/TripletLoss.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/loss/classes/TripletLoss.png -------------------------------------------------------------------------------- /python_developer_tools/cv/loss/classes/TripletLoss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/loss/classes/TripletLoss.py -------------------------------------------------------------------------------- /python_developer_tools/cv/loss/classes/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/loss/classes/__init__.py -------------------------------------------------------------------------------- /python_developer_tools/cv/loss/classes/cross_entropy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/loss/classes/cross_entropy.py -------------------------------------------------------------------------------- /python_developer_tools/cv/loss/classes/focalloss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/loss/classes/focalloss.py -------------------------------------------------------------------------------- /python_developer_tools/cv/loss/detection/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/loss/detection/__init__.py -------------------------------------------------------------------------------- /python_developer_tools/cv/loss/detection/triplet_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/loss/detection/triplet_loss.py -------------------------------------------------------------------------------- /python_developer_tools/cv/loss/dice_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/loss/dice_loss.py -------------------------------------------------------------------------------- /python_developer_tools/cv/loss/focalloss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/loss/focalloss.py -------------------------------------------------------------------------------- /python_developer_tools/cv/loss/jointloss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/loss/jointloss.py -------------------------------------------------------------------------------- /python_developer_tools/cv/loss/ohem_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/loss/ohem_loss.py -------------------------------------------------------------------------------- /python_developer_tools/cv/loss/pytorchloss/.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/loss/pytorchloss/.gitignore -------------------------------------------------------------------------------- /python_developer_tools/cv/loss/pytorchloss/LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/loss/pytorchloss/LICENSE -------------------------------------------------------------------------------- /python_developer_tools/cv/loss/pytorchloss/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/loss/pytorchloss/README.md -------------------------------------------------------------------------------- /python_developer_tools/cv/loss/pytorchloss/affinity_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/loss/pytorchloss/affinity_loss.py -------------------------------------------------------------------------------- /python_developer_tools/cv/loss/pytorchloss/amsoftmax.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/loss/pytorchloss/amsoftmax.py -------------------------------------------------------------------------------- /python_developer_tools/cv/loss/pytorchloss/csrc/common.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/loss/pytorchloss/csrc/common.hpp -------------------------------------------------------------------------------- /python_developer_tools/cv/loss/pytorchloss/csrc/cumsum.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/loss/pytorchloss/csrc/cumsum.hpp -------------------------------------------------------------------------------- /python_developer_tools/cv/loss/pytorchloss/csrc/focal_kernel.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/loss/pytorchloss/csrc/focal_kernel.cu -------------------------------------------------------------------------------- /python_developer_tools/cv/loss/pytorchloss/csrc/focal_kernel_old.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/loss/pytorchloss/csrc/focal_kernel_old.cu -------------------------------------------------------------------------------- /python_developer_tools/cv/loss/pytorchloss/csrc/large_margin_kernel.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/loss/pytorchloss/csrc/large_margin_kernel.cu -------------------------------------------------------------------------------- /python_developer_tools/cv/loss/pytorchloss/csrc/lovasz_softmax.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/loss/pytorchloss/csrc/lovasz_softmax.cu -------------------------------------------------------------------------------- /python_developer_tools/cv/loss/pytorchloss/csrc/lovasz_softmax_old.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/loss/pytorchloss/csrc/lovasz_softmax_old.cu -------------------------------------------------------------------------------- /python_developer_tools/cv/loss/pytorchloss/csrc/lsr_kernel.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/loss/pytorchloss/csrc/lsr_kernel.cu -------------------------------------------------------------------------------- /python_developer_tools/cv/loss/pytorchloss/csrc/mish_kernel.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/loss/pytorchloss/csrc/mish_kernel.cu -------------------------------------------------------------------------------- /python_developer_tools/cv/loss/pytorchloss/csrc/ohem_label_kernel.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/loss/pytorchloss/csrc/ohem_label_kernel.cu -------------------------------------------------------------------------------- /python_developer_tools/cv/loss/pytorchloss/csrc/one_hot_kernel.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/loss/pytorchloss/csrc/one_hot_kernel.cu -------------------------------------------------------------------------------- /python_developer_tools/cv/loss/pytorchloss/csrc/soft_dice_kernel.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/loss/pytorchloss/csrc/soft_dice_kernel.cu -------------------------------------------------------------------------------- /python_developer_tools/cv/loss/pytorchloss/csrc/soft_dice_kernel_v2.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/loss/pytorchloss/csrc/soft_dice_kernel_v2.cu -------------------------------------------------------------------------------- /python_developer_tools/cv/loss/pytorchloss/csrc/swish_kernel.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/loss/pytorchloss/csrc/swish_kernel.cu -------------------------------------------------------------------------------- /python_developer_tools/cv/loss/pytorchloss/csrc/taylor_softmax.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/loss/pytorchloss/csrc/taylor_softmax.cu -------------------------------------------------------------------------------- /python_developer_tools/cv/loss/pytorchloss/dice_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/loss/pytorchloss/dice_loss.py -------------------------------------------------------------------------------- /python_developer_tools/cv/loss/pytorchloss/dual_focal_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/loss/pytorchloss/dual_focal_loss.py -------------------------------------------------------------------------------- /python_developer_tools/cv/loss/pytorchloss/ema.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/loss/pytorchloss/ema.py -------------------------------------------------------------------------------- /python_developer_tools/cv/loss/pytorchloss/generalized_iou_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/loss/pytorchloss/generalized_iou_loss.py -------------------------------------------------------------------------------- /python_developer_tools/cv/loss/pytorchloss/hswish.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/loss/pytorchloss/hswish.py -------------------------------------------------------------------------------- /python_developer_tools/cv/loss/pytorchloss/label_smooth.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/loss/pytorchloss/label_smooth.py -------------------------------------------------------------------------------- /python_developer_tools/cv/loss/pytorchloss/lovasz_softmax.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/loss/pytorchloss/lovasz_softmax.py -------------------------------------------------------------------------------- /python_developer_tools/cv/loss/pytorchloss/mish.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/loss/pytorchloss/mish.py -------------------------------------------------------------------------------- /python_developer_tools/cv/loss/pytorchloss/one_hot.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/loss/pytorchloss/one_hot.py -------------------------------------------------------------------------------- /python_developer_tools/cv/loss/pytorchloss/pc_softmax.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/loss/pytorchloss/pc_softmax.py -------------------------------------------------------------------------------- /python_developer_tools/cv/loss/pytorchloss/pytorch_loss/affinity_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/loss/pytorchloss/pytorch_loss/affinity_loss.py -------------------------------------------------------------------------------- /python_developer_tools/cv/loss/pytorchloss/pytorch_loss/amsoftmax.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/loss/pytorchloss/pytorch_loss/amsoftmax.py -------------------------------------------------------------------------------- /python_developer_tools/cv/loss/pytorchloss/pytorch_loss/dice_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/loss/pytorchloss/pytorch_loss/dice_loss.py -------------------------------------------------------------------------------- /python_developer_tools/cv/loss/pytorchloss/pytorch_loss/dual_focal_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/loss/pytorchloss/pytorch_loss/dual_focal_loss.py -------------------------------------------------------------------------------- /python_developer_tools/cv/loss/pytorchloss/pytorch_loss/ema.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/loss/pytorchloss/pytorch_loss/ema.py -------------------------------------------------------------------------------- /python_developer_tools/cv/loss/pytorchloss/pytorch_loss/focal_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/loss/pytorchloss/pytorch_loss/focal_loss.py -------------------------------------------------------------------------------- /python_developer_tools/cv/loss/pytorchloss/pytorch_loss/focal_loss_old.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/loss/pytorchloss/pytorch_loss/focal_loss_old.py -------------------------------------------------------------------------------- /python_developer_tools/cv/loss/pytorchloss/pytorch_loss/frelu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/loss/pytorchloss/pytorch_loss/frelu.py -------------------------------------------------------------------------------- /python_developer_tools/cv/loss/pytorchloss/pytorch_loss/generalized_iou_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/loss/pytorchloss/pytorch_loss/generalized_iou_loss.py -------------------------------------------------------------------------------- /python_developer_tools/cv/loss/pytorchloss/pytorch_loss/hswish.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/loss/pytorchloss/pytorch_loss/hswish.py -------------------------------------------------------------------------------- /python_developer_tools/cv/loss/pytorchloss/pytorch_loss/label_smooth.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/loss/pytorchloss/pytorch_loss/label_smooth.py -------------------------------------------------------------------------------- /python_developer_tools/cv/loss/pytorchloss/pytorch_loss/large_margin_softmax.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/loss/pytorchloss/pytorch_loss/large_margin_softmax.py -------------------------------------------------------------------------------- /python_developer_tools/cv/loss/pytorchloss/pytorch_loss/lovasz_softmax.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/loss/pytorchloss/pytorch_loss/lovasz_softmax.py -------------------------------------------------------------------------------- /python_developer_tools/cv/loss/pytorchloss/pytorch_loss/mish.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/loss/pytorchloss/pytorch_loss/mish.py -------------------------------------------------------------------------------- /python_developer_tools/cv/loss/pytorchloss/pytorch_loss/one_hot.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/loss/pytorchloss/pytorch_loss/one_hot.py -------------------------------------------------------------------------------- /python_developer_tools/cv/loss/pytorchloss/pytorch_loss/pc_softmax.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/loss/pytorchloss/pytorch_loss/pc_softmax.py -------------------------------------------------------------------------------- /python_developer_tools/cv/loss/pytorchloss/pytorch_loss/soft_dice_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/loss/pytorchloss/pytorch_loss/soft_dice_loss.py -------------------------------------------------------------------------------- /python_developer_tools/cv/loss/pytorchloss/pytorch_loss/swish.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/loss/pytorchloss/pytorch_loss/swish.py -------------------------------------------------------------------------------- /python_developer_tools/cv/loss/pytorchloss/pytorch_loss/taylor_softmax.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/loss/pytorchloss/pytorch_loss/taylor_softmax.py -------------------------------------------------------------------------------- /python_developer_tools/cv/loss/pytorchloss/pytorch_loss/test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/loss/pytorchloss/pytorch_loss/test.py -------------------------------------------------------------------------------- /python_developer_tools/cv/loss/pytorchloss/setup.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/loss/pytorchloss/setup.py -------------------------------------------------------------------------------- /python_developer_tools/cv/loss/pytorchloss/soft_dice_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/loss/pytorchloss/soft_dice_loss.py -------------------------------------------------------------------------------- /python_developer_tools/cv/loss/pytorchloss/swish.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/loss/pytorchloss/swish.py -------------------------------------------------------------------------------- /python_developer_tools/cv/loss/pytorchloss/taylor_softmax.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/loss/pytorchloss/taylor_softmax.py -------------------------------------------------------------------------------- /python_developer_tools/cv/loss/topk_crossEntrophy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/loss/topk_crossEntrophy.py -------------------------------------------------------------------------------- /python_developer_tools/cv/metrics/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/metrics/__init__.py -------------------------------------------------------------------------------- /python_developer_tools/cv/metrics/common.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/metrics/common.py -------------------------------------------------------------------------------- /python_developer_tools/cv/metrics/metrics.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/metrics/metrics.py -------------------------------------------------------------------------------- /python_developer_tools/cv/models/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/models/__init__.py -------------------------------------------------------------------------------- /python_developer_tools/cv/models/backones/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/models/backones/__init__.py -------------------------------------------------------------------------------- /python_developer_tools/cv/models/blocks/DYMicroBlock.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/models/blocks/DYMicroBlock.py -------------------------------------------------------------------------------- /python_developer_tools/cv/models/blocks/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /python_developer_tools/cv/models/common/README.md: -------------------------------------------------------------------------------- 1 | ### PyTorch 深度学习模型压缩开源库(含量化、剪枝、轻量化结构、BN融合) 2 | > https://github.com/666DZY666/model-compression -------------------------------------------------------------------------------- /python_developer_tools/cv/models/common/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/models/common/__init__.py -------------------------------------------------------------------------------- /python_developer_tools/cv/models/common/init_weight.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/models/common/init_weight.py -------------------------------------------------------------------------------- /python_developer_tools/cv/models/head/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/models/head/__init__.py -------------------------------------------------------------------------------- /python_developer_tools/cv/models/head/classes/MicroNet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/models/head/classes/MicroNet.py -------------------------------------------------------------------------------- /python_developer_tools/cv/models/head/classes/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/models/head/classes/__init__.py -------------------------------------------------------------------------------- /python_developer_tools/cv/models/necks/deep_stem_layer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/models/necks/deep_stem_layer.py -------------------------------------------------------------------------------- /python_developer_tools/cv/optimizer/Adagrad.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/optimizer/Adagrad.png -------------------------------------------------------------------------------- /python_developer_tools/cv/optimizer/Adam.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/optimizer/Adam.png -------------------------------------------------------------------------------- /python_developer_tools/cv/optimizer/Lookahead.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/optimizer/Lookahead.py -------------------------------------------------------------------------------- /python_developer_tools/cv/optimizer/RAdam.jpeg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/optimizer/RAdam.jpeg -------------------------------------------------------------------------------- /python_developer_tools/cv/optimizer/RAdam.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/optimizer/RAdam.py -------------------------------------------------------------------------------- /python_developer_tools/cv/optimizer/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/optimizer/README.md -------------------------------------------------------------------------------- /python_developer_tools/cv/optimizer/Ranger.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/optimizer/Ranger.py -------------------------------------------------------------------------------- /python_developer_tools/cv/optimizer/SGD.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/optimizer/SGD.png -------------------------------------------------------------------------------- /python_developer_tools/cv/optimizer/ranger21/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/optimizer/ranger21/README.md -------------------------------------------------------------------------------- /python_developer_tools/cv/optimizer/ranger21/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/optimizer/ranger21/__init__.py -------------------------------------------------------------------------------- /python_developer_tools/cv/optimizer/ranger21/chebyshev_lr_functions.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/optimizer/ranger21/chebyshev_lr_functions.py -------------------------------------------------------------------------------- /python_developer_tools/cv/optimizer/ranger21/ranger21.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/optimizer/ranger21/ranger21.jpg -------------------------------------------------------------------------------- /python_developer_tools/cv/optimizer/ranger21/ranger21.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/optimizer/ranger21/ranger21.py -------------------------------------------------------------------------------- /python_developer_tools/cv/optimizer/ranger21/rangerabel.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/optimizer/ranger21/rangerabel.py -------------------------------------------------------------------------------- /python_developer_tools/cv/optimizer/torchlars/.travis.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/optimizer/torchlars/.travis.yml -------------------------------------------------------------------------------- /python_developer_tools/cv/optimizer/torchlars/LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/optimizer/torchlars/LICENSE -------------------------------------------------------------------------------- /python_developer_tools/cv/optimizer/torchlars/NOTICE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/optimizer/torchlars/NOTICE -------------------------------------------------------------------------------- /python_developer_tools/cv/optimizer/torchlars/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/optimizer/torchlars/README.md -------------------------------------------------------------------------------- /python_developer_tools/cv/optimizer/torchlars/setup.cfg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/optimizer/torchlars/setup.cfg -------------------------------------------------------------------------------- /python_developer_tools/cv/optimizer/torchlars/setup.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/optimizer/torchlars/setup.py -------------------------------------------------------------------------------- /python_developer_tools/cv/optimizer/torchlars/tests/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/optimizer/torchlars/tests/__init__.py -------------------------------------------------------------------------------- /python_developer_tools/cv/optimizer/torchlars/tests/test_compute_adaptive_lr.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/optimizer/torchlars/tests/test_compute_adaptive_lr.py -------------------------------------------------------------------------------- /python_developer_tools/cv/optimizer/torchlars/tests/test_pickle.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/optimizer/torchlars/tests/test_pickle.py -------------------------------------------------------------------------------- /python_developer_tools/cv/optimizer/torchlars/torchlars/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/optimizer/torchlars/torchlars/__init__.py -------------------------------------------------------------------------------- /python_developer_tools/cv/optimizer/torchlars/torchlars/__version__.py: -------------------------------------------------------------------------------- 1 | __version__ = '0.1.2' 2 | -------------------------------------------------------------------------------- /python_developer_tools/cv/optimizer/torchlars/torchlars/adaptive_lr.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/optimizer/torchlars/torchlars/adaptive_lr.cc -------------------------------------------------------------------------------- /python_developer_tools/cv/optimizer/torchlars/torchlars/adaptive_lr_cuda.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/optimizer/torchlars/torchlars/adaptive_lr_cuda.cu -------------------------------------------------------------------------------- /python_developer_tools/cv/optimizer/torchlars/torchlars/lars.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/optimizer/torchlars/torchlars/lars.py -------------------------------------------------------------------------------- /python_developer_tools/cv/optimizer/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/optimizer/utils.py -------------------------------------------------------------------------------- /python_developer_tools/cv/post_processing/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/post_processing/README.md -------------------------------------------------------------------------------- /python_developer_tools/cv/post_processing/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/post_processing/__init__.py -------------------------------------------------------------------------------- /python_developer_tools/cv/post_processing/tta.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/post_processing/tta.py -------------------------------------------------------------------------------- /python_developer_tools/cv/pre_processing/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/pre_processing/README.md -------------------------------------------------------------------------------- /python_developer_tools/cv/pre_processing/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/pre_processing/__init__.py -------------------------------------------------------------------------------- /python_developer_tools/cv/pre_processing/copy_paste.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/pre_processing/copy_paste.py -------------------------------------------------------------------------------- /python_developer_tools/cv/pre_processing/learnableResizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/pre_processing/learnableResizer.py -------------------------------------------------------------------------------- /python_developer_tools/cv/pytorch_opencv/sobel.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/pytorch_opencv/sobel.py -------------------------------------------------------------------------------- /python_developer_tools/cv/scheduler/CosineAnnealingWarmRestarts1.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/scheduler/CosineAnnealingWarmRestarts1.png -------------------------------------------------------------------------------- /python_developer_tools/cv/scheduler/CosineAnnealingWarmRestarts2.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/scheduler/CosineAnnealingWarmRestarts2.png -------------------------------------------------------------------------------- /python_developer_tools/cv/scheduler/CosineLR.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/scheduler/CosineLR.jpg -------------------------------------------------------------------------------- /python_developer_tools/cv/scheduler/CyclicLR.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/scheduler/CyclicLR.png -------------------------------------------------------------------------------- /python_developer_tools/cv/scheduler/ExpLR.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/scheduler/ExpLR.jpg -------------------------------------------------------------------------------- /python_developer_tools/cv/scheduler/MultiStepLR.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/scheduler/MultiStepLR.jpg -------------------------------------------------------------------------------- /python_developer_tools/cv/scheduler/OneCycleLR.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/scheduler/OneCycleLR.png -------------------------------------------------------------------------------- /python_developer_tools/cv/scheduler/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/scheduler/README.md -------------------------------------------------------------------------------- /python_developer_tools/cv/scheduler/StepLR.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/scheduler/StepLR.jpg -------------------------------------------------------------------------------- /python_developer_tools/cv/scheduler/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/scheduler/__init__.py -------------------------------------------------------------------------------- /python_developer_tools/cv/scheduler/poly_lr.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/scheduler/poly_lr.py -------------------------------------------------------------------------------- /python_developer_tools/cv/scheduler/scheduler_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/scheduler/scheduler_utils.py -------------------------------------------------------------------------------- /python_developer_tools/cv/scheduler/warmup_lr_scheduler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/scheduler/warmup_lr_scheduler.py -------------------------------------------------------------------------------- /python_developer_tools/cv/segmentation/measure/BoundaryIoU.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/segmentation/measure/BoundaryIoU.md -------------------------------------------------------------------------------- /python_developer_tools/cv/train/WeightEMA_code.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/train/WeightEMA_code.py -------------------------------------------------------------------------------- /python_developer_tools/cv/train/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/train/__init__.py -------------------------------------------------------------------------------- /python_developer_tools/cv/train/不同数量卡训练/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/train/不同数量卡训练/README.md -------------------------------------------------------------------------------- /python_developer_tools/cv/train/不同数量卡训练/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/train/不同数量卡训练/main.py -------------------------------------------------------------------------------- /python_developer_tools/cv/train/不同数量卡训练/train.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/train/不同数量卡训练/train.sh -------------------------------------------------------------------------------- /python_developer_tools/cv/train/不同数量卡训练/单机单卡.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/train/不同数量卡训练/单机单卡.py -------------------------------------------------------------------------------- /python_developer_tools/cv/train/不同数量卡训练/单机多卡.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/train/不同数量卡训练/单机多卡.py -------------------------------------------------------------------------------- /python_developer_tools/cv/train/不同数量卡训练/多机多卡.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/train/不同数量卡训练/多机多卡.py -------------------------------------------------------------------------------- /python_developer_tools/cv/train/二阶段训练/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/train/二阶段训练/__init__.py -------------------------------------------------------------------------------- /python_developer_tools/cv/train/二阶段训练/swa_pytorch.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/train/二阶段训练/swa_pytorch.py -------------------------------------------------------------------------------- /python_developer_tools/cv/train/二阶段训练/swaoffline.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/train/二阶段训练/swaoffline.py -------------------------------------------------------------------------------- /python_developer_tools/cv/train/对抗训练/FGSM.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/train/对抗训练/FGSM.py -------------------------------------------------------------------------------- /python_developer_tools/cv/train/对抗训练/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/train/对抗训练/README.md -------------------------------------------------------------------------------- /python_developer_tools/cv/train/对抗训练/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/train/对抗训练/__init__.py -------------------------------------------------------------------------------- /python_developer_tools/cv/train/对抗训练/adversarialattackspytorchmaster/.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/train/对抗训练/adversarialattackspytorchmaster/.gitignore -------------------------------------------------------------------------------- /python_developer_tools/cv/train/对抗训练/adversarialattackspytorchmaster/LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/train/对抗训练/adversarialattackspytorchmaster/LICENSE -------------------------------------------------------------------------------- /python_developer_tools/cv/train/对抗训练/adversarialattackspytorchmaster/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/train/对抗训练/adversarialattackspytorchmaster/README.md -------------------------------------------------------------------------------- /python_developer_tools/cv/train/对抗训练/adversarialattackspytorchmaster/pic/cw.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/train/对抗训练/adversarialattackspytorchmaster/pic/cw.png -------------------------------------------------------------------------------- /python_developer_tools/cv/train/对抗训练/adversarialattackspytorchmaster/requirements.txt: -------------------------------------------------------------------------------- 1 | torch>=1.4.0 -------------------------------------------------------------------------------- /python_developer_tools/cv/train/对抗训练/adversarialattackspytorchmaster/torchattacks/attacks/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /python_developer_tools/cv/train/知识蒸馏/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/train/知识蒸馏/README.md -------------------------------------------------------------------------------- /python_developer_tools/cv/train/自动混合精度训练/README.md: -------------------------------------------------------------------------------- 1 | # 什么是自动混合精度训练 2 | > [讲解](https://zhuanlan.zhihu.com/p/165152789) 3 | > [demo](test_amp_shufflenet.py) -------------------------------------------------------------------------------- /python_developer_tools/cv/train/自动混合精度训练/apex_utils.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/train/自动混合精度训练/apex_utils.md -------------------------------------------------------------------------------- /python_developer_tools/cv/train/自动混合精度训练/test_amp_shufflenet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/train/自动混合精度训练/test_amp_shufflenet.py -------------------------------------------------------------------------------- /python_developer_tools/cv/train/训练过程训练曲线调整.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/train/训练过程训练曲线调整.md -------------------------------------------------------------------------------- /python_developer_tools/cv/utils/PIL_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/utils/PIL_utils.py -------------------------------------------------------------------------------- /python_developer_tools/cv/utils/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/utils/__init__.py -------------------------------------------------------------------------------- /python_developer_tools/cv/utils/matplotlib_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/utils/matplotlib_utils.py -------------------------------------------------------------------------------- /python_developer_tools/cv/utils/opencv_utils/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/utils/opencv_utils/README.md -------------------------------------------------------------------------------- /python_developer_tools/cv/utils/opencv_utils/SkeletonOrigin.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/utils/opencv_utils/SkeletonOrigin.png -------------------------------------------------------------------------------- /python_developer_tools/cv/utils/opencv_utils/SkeletonOrigin2.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/utils/opencv_utils/SkeletonOrigin2.jpg -------------------------------------------------------------------------------- /python_developer_tools/cv/utils/opencv_utils/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/utils/opencv_utils/__init__.py -------------------------------------------------------------------------------- /python_developer_tools/cv/utils/opencv_utils/basees.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/utils/opencv_utils/basees.py -------------------------------------------------------------------------------- /python_developer_tools/cv/utils/opencv_utils/byo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/utils/opencv_utils/byo.py -------------------------------------------------------------------------------- /python_developer_tools/cv/utils/opencv_utils/new_find.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/utils/opencv_utils/new_find.py -------------------------------------------------------------------------------- /python_developer_tools/cv/utils/opencv_utils/大图中找小图位置/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/utils/opencv_utils/大图中找小图位置/__init__.py -------------------------------------------------------------------------------- /python_developer_tools/cv/utils/opencv_utils/大图中找小图位置/funcc1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/utils/opencv_utils/大图中找小图位置/funcc1.py -------------------------------------------------------------------------------- /python_developer_tools/cv/utils/opencv_utils/大图中找小图位置/funcc21.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/utils/opencv_utils/大图中找小图位置/funcc21.py -------------------------------------------------------------------------------- /python_developer_tools/cv/utils/opencv_utils/视频操作/BackgroundSubtractorMOG.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/utils/opencv_utils/视频操作/BackgroundSubtractorMOG.py -------------------------------------------------------------------------------- /python_developer_tools/cv/utils/opencv_utils/视频操作/BackgroundSubtractorMOG2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/utils/opencv_utils/视频操作/BackgroundSubtractorMOG2.py -------------------------------------------------------------------------------- /python_developer_tools/cv/utils/opencv_utils/视频操作/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/utils/opencv_utils/视频操作/__init__.py -------------------------------------------------------------------------------- /python_developer_tools/cv/utils/opencv_utils/视频操作/morphologyEx.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/utils/opencv_utils/视频操作/morphologyEx.py -------------------------------------------------------------------------------- /python_developer_tools/cv/utils/opencv_utils/骨架提取.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/utils/opencv_utils/骨架提取.py -------------------------------------------------------------------------------- /python_developer_tools/cv/utils/optimizer_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/utils/optimizer_utils.py -------------------------------------------------------------------------------- /python_developer_tools/cv/utils/skimage_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/utils/skimage_utils.py -------------------------------------------------------------------------------- /python_developer_tools/cv/utils/sklean_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/utils/sklean_utils.py -------------------------------------------------------------------------------- /python_developer_tools/cv/utils/tensorboard_demo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/utils/tensorboard_demo.py -------------------------------------------------------------------------------- /python_developer_tools/cv/utils/torch_utils.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/utils/torch_utils.md -------------------------------------------------------------------------------- /python_developer_tools/cv/utils/torch_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/utils/torch_utils.py -------------------------------------------------------------------------------- /python_developer_tools/cv/半监督/MixMatch.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/半监督/MixMatch.py -------------------------------------------------------------------------------- /python_developer_tools/cv/半监督/README.md: -------------------------------------------------------------------------------- 1 | Instant-Teaching -------------------------------------------------------------------------------- /python_developer_tools/cv/好的论文但是还没有源代码或者我还没有理解的.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/好的论文但是还没有源代码或者我还没有理解的.md -------------------------------------------------------------------------------- /python_developer_tools/cv/未分类的论文中的涨分tricks.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/未分类的论文中的涨分tricks.md -------------------------------------------------------------------------------- /python_developer_tools/cv/深度学习项目开发过程.xmind: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/cv/深度学习项目开发过程.xmind -------------------------------------------------------------------------------- /python_developer_tools/cv/自监督/README.md: -------------------------------------------------------------------------------- 1 | MoCo 2 | SimCLR 3 | MoCov2 4 | InfoMin 5 | PixPro -------------------------------------------------------------------------------- /python_developer_tools/files/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/files/__init__.py -------------------------------------------------------------------------------- /python_developer_tools/files/common.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/files/common.py -------------------------------------------------------------------------------- /python_developer_tools/files/execls/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/files/execls/__init__.py -------------------------------------------------------------------------------- /python_developer_tools/files/execls/empty.xlsx: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/files/execls/empty.xlsx -------------------------------------------------------------------------------- /python_developer_tools/files/execls/execl_template_modify.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/files/execls/execl_template_modify.py -------------------------------------------------------------------------------- /python_developer_tools/files/image_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/files/image_utils.py -------------------------------------------------------------------------------- /python_developer_tools/files/json_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/files/json_utils.py -------------------------------------------------------------------------------- /python_developer_tools/files/modify_file_time.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/files/modify_file_time.py -------------------------------------------------------------------------------- /python_developer_tools/files/pickle_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/files/pickle_utils.py -------------------------------------------------------------------------------- /python_developer_tools/files/txt_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/files/txt_utils.py -------------------------------------------------------------------------------- /python_developer_tools/files/xml_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/files/xml_utils.py -------------------------------------------------------------------------------- /python_developer_tools/machinelearning/KFold.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/machinelearning/KFold.py -------------------------------------------------------------------------------- /python_developer_tools/machinelearning/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/machinelearning/README.md -------------------------------------------------------------------------------- /python_developer_tools/machinelearning/SVM.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/machinelearning/SVM.py -------------------------------------------------------------------------------- /python_developer_tools/machinelearning/cross_val_score.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/machinelearning/cross_val_score.py -------------------------------------------------------------------------------- /python_developer_tools/machinelearning/knn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/machinelearning/knn.py -------------------------------------------------------------------------------- /python_developer_tools/machinelearning/lgb/predict.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/machinelearning/lgb/predict.py -------------------------------------------------------------------------------- /python_developer_tools/machinelearning/lgb/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/machinelearning/lgb/train.py -------------------------------------------------------------------------------- /python_developer_tools/numpys/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/numpys/__init__.py -------------------------------------------------------------------------------- /python_developer_tools/numpys/numpy_convolution.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/numpys/numpy_convolution.py -------------------------------------------------------------------------------- /python_developer_tools/numpys/numpy_demo.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/numpys/numpy_demo.md -------------------------------------------------------------------------------- /python_developer_tools/numpys/numpy_speed_utils.html: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/numpys/numpy_speed_utils.html -------------------------------------------------------------------------------- /python_developer_tools/numpys/numpy_speed_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/numpys/numpy_speed_utils.py -------------------------------------------------------------------------------- /python_developer_tools/numpys/numpy_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/numpys/numpy_utils.py -------------------------------------------------------------------------------- /python_developer_tools/pandases/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/pandases/__init__.py -------------------------------------------------------------------------------- /python_developer_tools/pandases/pandas_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/pandases/pandas_utils.py -------------------------------------------------------------------------------- /python_developer_tools/python/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/python/__init__.py -------------------------------------------------------------------------------- /python_developer_tools/python/asyncio_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/python/asyncio_utils.py -------------------------------------------------------------------------------- /python_developer_tools/python/atexit_demo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/python/atexit_demo.py -------------------------------------------------------------------------------- /python_developer_tools/python/dict_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/python/dict_utils.py -------------------------------------------------------------------------------- /python_developer_tools/python/imutils_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/python/imutils_utils.py -------------------------------------------------------------------------------- /python_developer_tools/python/jupyter/exp4.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/python/jupyter/exp4.png -------------------------------------------------------------------------------- /python_developer_tools/python/jupyter/html22.html: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/python/jupyter/html22.html -------------------------------------------------------------------------------- /python_developer_tools/python/jupyter/htmlToJupyter.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/python/jupyter/htmlToJupyter.py -------------------------------------------------------------------------------- /python_developer_tools/python/jupyter/labels.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/python/jupyter/labels.json -------------------------------------------------------------------------------- /python_developer_tools/python/list_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/python/list_utils.py -------------------------------------------------------------------------------- /python_developer_tools/python/obj_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/python/obj_utils.py -------------------------------------------------------------------------------- /python_developer_tools/python/os环境变量和insert头.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/python/os环境变量和insert头.py -------------------------------------------------------------------------------- /python_developer_tools/python/os调用shell命令并且获取返回值.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/python/os调用shell命令并且获取返回值.py -------------------------------------------------------------------------------- /python_developer_tools/python/packages.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/python/packages.md -------------------------------------------------------------------------------- /python_developer_tools/python/pymem/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/python/pymem/__init__.py -------------------------------------------------------------------------------- /python_developer_tools/python/pymem/pymem_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/python/pymem/pymem_utils.py -------------------------------------------------------------------------------- /python_developer_tools/python/pymem/教学文档1.0.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/python/pymem/教学文档1.0.md -------------------------------------------------------------------------------- /python_developer_tools/python/string_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/python/string_utils.py -------------------------------------------------------------------------------- /python_developer_tools/python/threadings/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/python/threadings/__init__.py -------------------------------------------------------------------------------- /python_developer_tools/python/threadings/multiprocessing_demo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/python/threadings/multiprocessing_demo.py -------------------------------------------------------------------------------- /python_developer_tools/python/threadings/multiprocessing_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/python/threadings/multiprocessing_utils.py -------------------------------------------------------------------------------- /python_developer_tools/python/threadings/threading_demo1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/python/threadings/threading_demo1.py -------------------------------------------------------------------------------- /python_developer_tools/python/threadings/threading_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/python/threadings/threading_utils.py -------------------------------------------------------------------------------- /python_developer_tools/python/threadings/threading_utils2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/python/threadings/threading_utils2.py -------------------------------------------------------------------------------- /python_developer_tools/python/threadings/torchmodel_multithread/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/python/threadings/torchmodel_multithread/__init__.py -------------------------------------------------------------------------------- /python_developer_tools/python/threadings/torchmodel_multithread/两个模型串行跑.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/python/threadings/torchmodel_multithread/两个模型串行跑.py -------------------------------------------------------------------------------- /python_developer_tools/python/threadings/torchmodel_multithread/使用协程的方法.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/python/threadings/torchmodel_multithread/使用协程的方法.py -------------------------------------------------------------------------------- /python_developer_tools/python/threadings/进程共享类.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/python/threadings/进程共享类.py -------------------------------------------------------------------------------- /python_developer_tools/python/time_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/python/time_utils.py -------------------------------------------------------------------------------- /python_developer_tools/python/tuple_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/python/tuple_utils.py -------------------------------------------------------------------------------- /python_developer_tools/python/yamls/box.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/python/yamls/box.py -------------------------------------------------------------------------------- /python_developer_tools/python/yamls/read_yaml.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/python/yamls/read_yaml.py -------------------------------------------------------------------------------- /python_developer_tools/python/yamls/wireframe.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/python/yamls/wireframe.yaml -------------------------------------------------------------------------------- /python_developer_tools/python/加速/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/python/加速/README.md -------------------------------------------------------------------------------- /python_developer_tools/python/加速/test-python.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/python/加速/test-python.py -------------------------------------------------------------------------------- /python_developer_tools/python/替换pytorch模型中任何一层.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/python/替换pytorch模型中任何一层.py -------------------------------------------------------------------------------- /python_developer_tools/python/正则re.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/python/正则re.py -------------------------------------------------------------------------------- /python_developer_tools/python/获取电脑所有配置信息window.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/python/获取电脑所有配置信息window.py -------------------------------------------------------------------------------- /python_developer_tools/waigua/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/waigua/__init__.py -------------------------------------------------------------------------------- /python_developer_tools/waigua/ctypes_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/waigua/ctypes_utils.py -------------------------------------------------------------------------------- /python_developer_tools/web/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/web/__init__.py -------------------------------------------------------------------------------- /python_developer_tools/web/alipay_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/web/alipay_utils.py -------------------------------------------------------------------------------- /python_developer_tools/web/django_utils.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/web/django_utils.md -------------------------------------------------------------------------------- /python_developer_tools/web/frontend/img.js: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/web/frontend/img.js -------------------------------------------------------------------------------- /python_developer_tools/web/frontend/oss-h5-upload-js-direct/index.html: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/web/frontend/oss-h5-upload-js-direct/index.html -------------------------------------------------------------------------------- /python_developer_tools/web/frontend/oss-h5-upload-js-direct/style.css: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/web/frontend/oss-h5-upload-js-direct/style.css -------------------------------------------------------------------------------- /python_developer_tools/web/frontend/oss-h5-upload-js-direct/upload.js: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/web/frontend/oss-h5-upload-js-direct/upload.js -------------------------------------------------------------------------------- /python_developer_tools/web/multi_download.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/web/multi_download.py -------------------------------------------------------------------------------- /python_developer_tools/web/pythonsmb.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/web/pythonsmb.py -------------------------------------------------------------------------------- /python_developer_tools/web/requests_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/web/requests_utils.py -------------------------------------------------------------------------------- /python_developer_tools/web/response_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/web/response_utils.py -------------------------------------------------------------------------------- /python_developer_tools/web/services_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/web/services_utils.py -------------------------------------------------------------------------------- /python_developer_tools/web/web.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/python_developer_tools/web/web.py -------------------------------------------------------------------------------- /requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/requirements.txt -------------------------------------------------------------------------------- /setup.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/setup.py -------------------------------------------------------------------------------- /temimg/SSM.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/temimg/SSM.png -------------------------------------------------------------------------------- /temimg/learnableResizer.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/temimg/learnableResizer.png -------------------------------------------------------------------------------- /test/cv/bases/BatchNormalization/train_inplace_abn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/test/cv/bases/BatchNormalization/train_inplace_abn.py -------------------------------------------------------------------------------- /test/cv/bases/FC/train_SSM.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/test/cv/bases/FC/train_SSM.py -------------------------------------------------------------------------------- /test/cv/bases/FC/train_SwishLinear.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/test/cv/bases/FC/train_SwishLinear.py -------------------------------------------------------------------------------- /test/cv/bases/activates/APReLUdemo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/test/cv/bases/activates/APReLUdemo.py -------------------------------------------------------------------------------- /test/cv/bases/activates/DynamicReLUdemo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/test/cv/bases/activates/DynamicReLUdemo.py -------------------------------------------------------------------------------- /test/cv/bases/activates/test_GELU.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/test/cv/bases/activates/test_GELU.py -------------------------------------------------------------------------------- /test/cv/bases/activates/test_serf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/test/cv/bases/activates/test_serf.py -------------------------------------------------------------------------------- /test/cv/bases/activates/test_sigmoid.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/test/cv/bases/activates/test_sigmoid.py -------------------------------------------------------------------------------- /test/cv/bases/attentions/test_ResidualAttention.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/test/cv/bases/attentions/test_ResidualAttention.py -------------------------------------------------------------------------------- /test/cv/bases/conv/train_CondConv.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/test/cv/bases/conv/train_CondConv.py -------------------------------------------------------------------------------- /test/cv/bases/conv/train_DCNv2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/test/cv/bases/conv/train_DCNv2.py -------------------------------------------------------------------------------- /test/cv/bases/conv/train_coordConv2d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/test/cv/bases/conv/train_coordConv2d.py -------------------------------------------------------------------------------- /test/cv/bases/conv/train_dy_conv.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/test/cv/bases/conv/train_dy_conv.py -------------------------------------------------------------------------------- /test/cv/bases/input_conv/train_focus.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/test/cv/bases/input_conv/train_focus.py -------------------------------------------------------------------------------- /test/cv/bases/input_conv/train_spacetodepth.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/test/cv/bases/input_conv/train_spacetodepth.py -------------------------------------------------------------------------------- /test/cv/bases/pool/train_GAP.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/test/cv/bases/pool/train_GAP.py -------------------------------------------------------------------------------- /test/cv/bases/pool/train_SwishAdaptiveAvgPool2d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/test/cv/bases/pool/train_SwishAdaptiveAvgPool2d.py -------------------------------------------------------------------------------- /test/cv/bases/pool/train_adapool.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/test/cv/bases/pool/train_adapool.py -------------------------------------------------------------------------------- /test/cv/bases/pool/train_blurpool.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/test/cv/bases/pool/train_blurpool.py -------------------------------------------------------------------------------- /test/cv/bases/pool/train_shape_adaptor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/test/cv/bases/pool/train_shape_adaptor.py -------------------------------------------------------------------------------- /test/cv/bases/pool/train_spppool.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/test/cv/bases/pool/train_spppool.py -------------------------------------------------------------------------------- /test/cv/bases/test_regularization.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/test/cv/bases/test_regularization.py -------------------------------------------------------------------------------- /test/cv/classes/train_MicroNet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/test/cv/classes/train_MicroNet.py -------------------------------------------------------------------------------- /test/cv/loss/classes/train_tripletloss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/test/cv/loss/classes/train_tripletloss.py -------------------------------------------------------------------------------- /test/cv/loss/train_centerloss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/test/cv/loss/train_centerloss.py -------------------------------------------------------------------------------- /test/cv/loss/train_focalloss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/test/cv/loss/train_focalloss.py -------------------------------------------------------------------------------- /test/cv/loss/train_ohemloss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/test/cv/loss/train_ohemloss.py -------------------------------------------------------------------------------- /test/cv/loss/train_ohemloss2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/test/cv/loss/train_ohemloss2.py -------------------------------------------------------------------------------- /test/cv/loss/train_oimloss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/test/cv/loss/train_oimloss.py -------------------------------------------------------------------------------- /test/cv/loss/train_topk_crossEntrophy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/test/cv/loss/train_topk_crossEntrophy.py -------------------------------------------------------------------------------- /test/cv/models/necks/train_deep_stem.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/test/cv/models/necks/train_deep_stem.py -------------------------------------------------------------------------------- /test/cv/optimizer/test_torch_optimizer/mnist.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/test/cv/optimizer/test_torch_optimizer/mnist.py -------------------------------------------------------------------------------- /test/cv/optimizer/test_torch_optimizer/viz_optimizers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/test/cv/optimizer/test_torch_optimizer/viz_optimizers.py -------------------------------------------------------------------------------- /test/cv/pre_processing/test_with_learnableResizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/test/cv/pre_processing/test_with_learnableResizer.py -------------------------------------------------------------------------------- /test/cv/pre_processing/test_without_learnableResizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/test/cv/pre_processing/test_without_learnableResizer.py -------------------------------------------------------------------------------- /test/cv/scheduler/test_CosineAnnealingLR.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/test/cv/scheduler/test_CosineAnnealingLR.py -------------------------------------------------------------------------------- /test/cv/scheduler/test_OneCycleLR.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/test/cv/scheduler/test_OneCycleLR.py -------------------------------------------------------------------------------- /test/cv/scheduler/test_PolyLR.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/test/cv/scheduler/test_PolyLR.py -------------------------------------------------------------------------------- /test/cv/scheduler/test_warmup_lr_scheduler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/test/cv/scheduler/test_warmup_lr_scheduler.py -------------------------------------------------------------------------------- /test/cv/train/test_WeightEMA.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/test/cv/train/test_WeightEMA.py -------------------------------------------------------------------------------- /test/cv/train/对抗训练/test_GN_resnet18.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/test/cv/train/对抗训练/test_GN_resnet18.py -------------------------------------------------------------------------------- /test/cv/train/对抗训练/test_GN_shufflenet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/test/cv/train/对抗训练/test_GN_shufflenet.py -------------------------------------------------------------------------------- /test/cv/半监督/train_mixmatch.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/test/cv/半监督/train_mixmatch.py -------------------------------------------------------------------------------- /test/python/test_loguru.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/test/python/test_loguru.py -------------------------------------------------------------------------------- /test/train_cifar10.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/test/train_cifar10.py -------------------------------------------------------------------------------- /wiki/English.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/wiki/English.md -------------------------------------------------------------------------------- /wiki/anaconda/.condarc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/wiki/anaconda/.condarc -------------------------------------------------------------------------------- /wiki/anaconda/conda.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/wiki/anaconda/conda.md -------------------------------------------------------------------------------- /wiki/c++/qt.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/wiki/c++/qt.md -------------------------------------------------------------------------------- /wiki/docker/Dockerfile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/wiki/docker/Dockerfile -------------------------------------------------------------------------------- /wiki/docker/sources.list: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/wiki/docker/sources.list -------------------------------------------------------------------------------- /wiki/git/Github搜索语法-信息搜集指南.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/wiki/git/Github搜索语法-信息搜集指南.pdf -------------------------------------------------------------------------------- /wiki/git/cmd.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/wiki/git/cmd.png -------------------------------------------------------------------------------- /wiki/git/git.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/wiki/git/git.md -------------------------------------------------------------------------------- /wiki/linux/.bashrc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/wiki/linux/.bashrc -------------------------------------------------------------------------------- /wiki/linux/Auto_clear_mem/Auto_clear_mem.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/wiki/linux/Auto_clear_mem/Auto_clear_mem.sh -------------------------------------------------------------------------------- /wiki/linux/Auto_clear_mem/Contact_list: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/wiki/linux/Auto_clear_mem/Contact_list -------------------------------------------------------------------------------- /wiki/linux/etc/hosts: -------------------------------------------------------------------------------- 1 | 140.82.113.3 github.com -------------------------------------------------------------------------------- /wiki/linux/etc/vsftpd/vsftpd.conf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/wiki/linux/etc/vsftpd/vsftpd.conf -------------------------------------------------------------------------------- /wiki/linux/gcc.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/wiki/linux/gcc.md -------------------------------------------------------------------------------- /wiki/linux/linux.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/wiki/linux/linux.md -------------------------------------------------------------------------------- /wiki/linux/shs/InfoView4CentOS.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/wiki/linux/shs/InfoView4CentOS.sh -------------------------------------------------------------------------------- /wiki/linux/shs/django_run.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/wiki/linux/shs/django_run.sh -------------------------------------------------------------------------------- /wiki/linux/shs/get_computer_info.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/wiki/linux/shs/get_computer_info.sh -------------------------------------------------------------------------------- /wiki/mysql.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/wiki/mysql.md -------------------------------------------------------------------------------- /wiki/pip/.pip/pip.conf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/wiki/pip/.pip/pip.conf -------------------------------------------------------------------------------- /wiki/pip/pip.ini: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/wiki/pip/pip.ini -------------------------------------------------------------------------------- /wiki/pip/pip.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/wiki/pip/pip.md -------------------------------------------------------------------------------- /wiki/pip/自己开发pip包.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/wiki/pip/自己开发pip包.md -------------------------------------------------------------------------------- /wiki/search.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/wiki/search.md -------------------------------------------------------------------------------- /wiki/windows/bats/install_labelImg.bat: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/wiki/windows/bats/install_labelImg.bat -------------------------------------------------------------------------------- /wiki/windows/bats/packageZengXh.bat: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/wiki/windows/bats/packageZengXh.bat -------------------------------------------------------------------------------- /wiki/windows/bats/start-apache24.bat: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/wiki/windows/bats/start-apache24.bat -------------------------------------------------------------------------------- /wiki/windows/bats/start-jupyter.bat: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/wiki/windows/bats/start-jupyter.bat -------------------------------------------------------------------------------- /wiki/windows/bats/start-server-lines.bat: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/wiki/windows/bats/start-server-lines.bat -------------------------------------------------------------------------------- /wiki/windows/etc/hosts: -------------------------------------------------------------------------------- 1 | 140.82.113.3 github.com 2 | -------------------------------------------------------------------------------- /wiki/windows/windows.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/wiki/windows/windows.md -------------------------------------------------------------------------------- /wiki/天池/2021广东工业智造创新大赛—智能算法赛/2021广东工业智造创新大赛—智能算法赛相关的问题-天池大赛-阿里云天池.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/wiki/天池/2021广东工业智造创新大赛—智能算法赛/2021广东工业智造创新大赛—智能算法赛相关的问题-天池大赛-阿里云天池.pdf -------------------------------------------------------------------------------- /wiki/天池/2021广东工业智造创新大赛—智能算法赛/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/wiki/天池/2021广东工业智造创新大赛—智能算法赛/README.md -------------------------------------------------------------------------------- /wiki/天池/2021广东工业智造创新大赛—智能算法赛/image_seg-main.zip: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/carlsummer/python_developer_tools/HEAD/wiki/天池/2021广东工业智造创新大赛—智能算法赛/image_seg-main.zip --------------------------------------------------------------------------------