├── .vscode └── settings.json ├── README.md ├── Wechat.jpg ├── baidu ├── README.md └── 百度大数据2020 │ ├── .ipynb_checkpoints │ ├── seir_city-checkpoint.ipynb │ ├── 回归预测-checkpoint.ipynb │ └── 数据预处理-checkpoint.ipynb │ ├── README.md │ ├── lgb_persudo.ipynb │ ├── seir_city.ipynb │ ├── seir_region.ipynb │ ├── 回归预测.ipynb │ └── 数据预处理.ipynb ├── baseline └── README.md ├── datafountain ├── CCF2020-非法集资 │ ├── README.md │ ├── baseline_8395.ipynb │ ├── models │ │ ├── cab.py │ │ ├── compare.py │ │ ├── lgb.py │ │ ├── post_process.py │ │ ├── pseudo.py │ │ ├── stacking.py │ │ └── xgb.py │ ├── post_process │ │ └── merge_model.py │ ├── qyl_8424_stacking.ipynb │ ├── supervised-encode.ipynb │ ├── utils │ │ ├── __init__.py │ │ ├── get_frt.py │ │ └── helpers.py │ └── 对抗验证_贝叶斯调参.ipynb └── README.md ├── dc ├── README.md ├── one-city编程大赛 │ ├── README.md │ ├── bert │ │ ├── README.md │ │ └── code │ │ │ ├── infer.py │ │ │ ├── merge_fold.py │ │ │ ├── model │ │ │ ├── __init__.py │ │ │ ├── albert.py │ │ │ ├── electra.py │ │ │ └── model_qyl.py │ │ │ ├── qyl_debug.py │ │ │ ├── train.py │ │ │ ├── train_kfold.py │ │ │ ├── utils │ │ │ ├── __init__.py │ │ │ ├── data_process.py │ │ │ ├── label_smoothing.py │ │ │ ├── log.py │ │ │ └── make_pkl.py │ │ │ └── warmup_train.py │ └── fastText │ │ ├── data_process.py │ │ └── fastText.py └── 公积金贷款逾期预测 │ ├── README.md │ ├── featureSelect.py │ ├── get_frts.py │ ├── helper.py │ ├── lgb.py │ └── main.sh ├── else ├── Chick-Counting │ ├── Dockerfile │ ├── README.md │ ├── counting │ │ ├── README.md │ │ ├── datasets │ │ │ ├── __init__.py │ │ │ ├── crowd copy.py │ │ │ ├── crowd.py │ │ │ ├── crowd_kfold.py │ │ │ ├── crowd_sh.py │ │ │ └── sa.py │ │ ├── infer_kfold.py │ │ ├── losses │ │ │ ├── __init__.py │ │ │ ├── bay_loss.py │ │ │ └── post_prob.py │ │ ├── models │ │ │ ├── __init__.py │ │ │ └── vgg.py │ │ ├── qyl │ │ │ ├── README.md │ │ │ ├── debug.py │ │ │ ├── make_csv.py │ │ │ ├── make_np.py │ │ │ ├── make_np_dis.py │ │ │ ├── make_np_points_val.py │ │ │ ├── make_train_val.py │ │ │ ├── process.py │ │ │ └── pseudo.py │ │ ├── test.py │ │ ├── train_kfold.py │ │ └── utils │ │ │ ├── __init__.py │ │ │ ├── helper.py │ │ │ ├── log.py │ │ │ ├── logger.py │ │ │ ├── ranger.py │ │ │ ├── regression_trainer.py │ │ │ ├── regression_trainer_kfold.py │ │ │ ├── train.txt │ │ │ ├── trainer.py │ │ │ └── val.txt │ ├── detect │ │ ├── CONTRIBUTING.md │ │ ├── Dockerfile │ │ ├── LICENSE │ │ ├── README.md │ │ ├── data │ │ │ ├── Argoverse.yaml │ │ │ ├── GlobalWheat2020.yaml │ │ │ ├── Objects365.yaml │ │ │ ├── SKU-110K.yaml │ │ │ ├── VOC.yaml │ │ │ ├── VisDrone.yaml │ │ │ ├── chicken.yaml │ │ │ ├── coco.yaml │ │ │ ├── coco128.yaml │ │ │ ├── hyps │ │ │ │ ├── hyp.finetune.yaml │ │ │ │ ├── hyp.finetune_objects365.yaml │ │ │ │ ├── hyp.scratch-high.yaml │ │ │ │ ├── hyp.scratch-low.yaml │ │ │ │ ├── hyp.scratch-med.yaml │ │ │ │ └── hyp.scratch.yaml │ │ │ ├── scripts │ │ │ │ ├── download_weights.sh │ │ │ │ ├── get_coco.sh │ │ │ │ └── get_coco128.sh │ │ │ └── xView.yaml │ │ ├── detect.py │ │ ├── export.py │ │ ├── hubconf.py │ │ ├── infer.py │ │ ├── infer.sh │ │ ├── infer_pseudo.py │ │ ├── main.sh │ │ ├── models │ │ │ ├── __init__.py │ │ │ ├── common.py │ │ │ ├── experimental.py │ │ │ ├── hub │ │ │ │ ├── anchors.yaml │ │ │ │ ├── yolov3-spp.yaml │ │ │ │ ├── yolov3-tiny.yaml │ │ │ │ ├── yolov3.yaml │ │ │ │ ├── yolov5-bifpn.yaml │ │ │ │ ├── yolov5-fpn.yaml │ │ │ │ ├── yolov5-p2.yaml │ │ │ │ ├── yolov5-p6.yaml │ │ │ │ ├── yolov5-p7.yaml │ │ │ │ ├── yolov5-panet.yaml │ │ │ │ ├── yolov5l6.yaml │ │ │ │ ├── yolov5m6.yaml │ │ │ │ ├── yolov5n6.yaml │ │ │ │ ├── yolov5s-ghost.yaml │ │ │ │ ├── yolov5s-transformer.yaml │ │ │ │ ├── yolov5s6.yaml │ │ │ │ └── yolov5x6.yaml │ │ │ ├── tf.py │ │ │ ├── yolo.py │ │ │ ├── yolov5l.yaml │ │ │ ├── yolov5m.yaml │ │ │ ├── yolov5n.yaml │ │ │ ├── yolov5s.yaml │ │ │ └── yolov5x.yaml │ │ ├── qyl │ │ │ ├── convert_to_coco.py │ │ │ ├── debug.py │ │ │ ├── make_bbox.py │ │ │ └── make_label.py │ │ ├── requirements.txt │ │ ├── search_thresh.py │ │ ├── train.py │ │ ├── tutorial.ipynb │ │ ├── utils │ │ │ ├── __init__.py │ │ │ ├── activations.py │ │ │ ├── augmentations.py │ │ │ ├── autoanchor.py │ │ │ ├── aws │ │ │ │ ├── __init__.py │ │ │ │ ├── mime.sh │ │ │ │ ├── resume.py │ │ │ │ └── userdata.sh │ │ │ ├── callbacks.py │ │ │ ├── datasets.py │ │ │ ├── downloads.py │ │ │ ├── flask_rest_api │ │ │ │ ├── README.md │ │ │ │ ├── example_request.py │ │ │ │ └── restapi.py │ │ │ ├── general.py │ │ │ ├── google_app_engine │ │ │ │ ├── Dockerfile │ │ │ │ ├── additional_requirements.txt │ │ │ │ └── app.yaml │ │ │ ├── loggers │ │ │ │ ├── __init__.py │ │ │ │ └── wandb │ │ │ │ │ ├── README.md │ │ │ │ │ ├── __init__.py │ │ │ │ │ ├── __pycache__ │ │ │ │ │ ├── __init__.cpython-37.pyc │ │ │ │ │ └── wandb_utils.cpython-37.pyc │ │ │ │ │ ├── log_dataset.py │ │ │ │ │ ├── sweep.py │ │ │ │ │ ├── sweep.yaml │ │ │ │ │ └── wandb_utils.py │ │ │ ├── loss.py │ │ │ ├── metrics.py │ │ │ ├── plots.py │ │ │ └── torch_utils.py │ │ └── val.py │ └── docker_command.md ├── README.md ├── biendata-rubbish │ ├── README.md │ ├── cutmix.py │ ├── infer.py │ ├── net │ │ └── model_arcface.py │ └── utils │ │ ├── dataset.py │ │ ├── ranger.py │ │ └── sam.py ├── data_lake │ ├── car │ │ ├── Dockerfile │ │ ├── debug.py │ │ ├── docker_command.md │ │ ├── net.py │ │ ├── predict.py │ │ ├── process.py │ │ ├── train.py │ │ ├── train.sh │ │ ├── utils │ │ │ ├── dataset_albu.py │ │ │ ├── dataset_easy.py │ │ │ └── ranger.py │ │ └── 算法说明文档.md │ └── person │ │ ├── Dockerfile │ │ ├── README.md │ │ ├── net.py │ │ ├── predict.py │ │ ├── process.py │ │ ├── test.sh │ │ ├── train.py │ │ ├── train.sh │ │ └── utils │ │ ├── dataset_albu.py │ │ ├── dataset_easy.py │ │ └── ranger.py ├── satellite_image_segmentation │ ├── README.md │ └── swin_unet_code │ │ ├── config.py │ │ ├── configs │ │ └── swin_tiny_patch4_window7_224_lite.yaml │ │ ├── datasets │ │ ├── README.md │ │ ├── RSCDataset.py │ │ ├── __init__.py │ │ ├── dataset_synapse.py │ │ └── transform.py │ │ ├── docker │ │ └── Dockerfile │ │ ├── losses │ │ ├── __init__.py │ │ ├── _functional.py │ │ ├── constants.py │ │ ├── dice.py │ │ ├── focal.py │ │ ├── jaccard.py │ │ ├── lovasz.py │ │ ├── soft_bce.py │ │ ├── soft_ce.py │ │ └── tversky.py │ │ ├── networks │ │ ├── swin_transformer_unet_skip_expand_decoder_sys.py │ │ └── vision_transformer.py │ │ ├── pretrained_ckpt │ │ └── load_lr.md │ │ ├── run.py │ │ ├── train.py │ │ ├── utils.py │ │ └── utils │ │ ├── __init__.py │ │ ├── custom_lr.py │ │ ├── deeplearning.py │ │ ├── help.py │ │ ├── log.py │ │ ├── metric.py │ │ ├── ranger.py │ │ └── utils.py ├── swin_unet_code_local │ ├── Dockerfile │ ├── README.md │ ├── config.py │ ├── configs │ │ ├── swin_base.yaml │ │ └── swin_tiny_patch4_window7_224_lite.yaml │ ├── datasets │ │ ├── RSCDataset.py │ │ ├── __init__.py │ │ ├── dataset_synapse.py │ │ └── transform.py │ ├── debug.py │ ├── demo │ │ └── color150.mat │ ├── infer.py │ ├── losses │ │ ├── __init__.py │ │ ├── _functional.py │ │ ├── constants.py │ │ ├── dice.py │ │ ├── focal.py │ │ ├── jaccard.py │ │ ├── lovasz.py │ │ ├── soft_bce.py │ │ ├── soft_ce.py │ │ └── tversky.py │ ├── networks │ │ ├── swin_transformer_unet_skip_expand_decoder_sys.py │ │ └── vision_transformer.py │ ├── plot_lr.py │ ├── pretrained_ckpt │ │ └── load_lr.md │ ├── train.py │ ├── utils.py │ └── utils │ │ ├── __init__.py │ │ ├── custom_lr.py │ │ ├── deeplearning.py │ │ ├── help.py │ │ ├── log.py │ │ ├── make_train_val.py │ │ ├── metric.py │ │ ├── ranger.py │ │ └── utils.py ├── wechat2021 │ ├── PCA.py │ ├── README.md │ ├── comm.py │ ├── deep_model.py │ ├── deepfm.py │ ├── evaluation.py │ ├── frt.py │ └── lgb.py ├── 天马杯--AI+z智能质检 │ ├── README.md │ ├── code │ │ ├── README.md │ │ ├── datasets │ │ │ └── tianma_cup │ │ │ │ ├── bayes.py │ │ │ │ ├── lgb.py │ │ │ │ ├── lgbm.py │ │ │ │ └── make_tsv.py │ │ ├── inference │ │ │ ├── run_c3_infer.py │ │ │ ├── run_classifier_infer.py │ │ │ ├── run_classifier_infer_cv.py │ │ │ ├── run_cmrc_infer.py │ │ │ └── run_ner_infer.py │ │ ├── models │ │ │ ├── albert_base_config.json │ │ │ ├── albert_large_config.json │ │ │ ├── chinese_roberta_wwm_ext_pytorch │ │ │ │ └── pytorch_model_uer.bin.txt │ │ │ ├── cnn_config.json │ │ │ ├── gatedcnn_13_config.json │ │ │ ├── gatedcnn_9_config.json │ │ │ ├── google_config.json │ │ │ ├── google_zh_vocab.txt │ │ │ ├── reserved_vocab.txt │ │ │ ├── rnn_config.json │ │ │ └── synt_dense_base_config.json │ │ ├── preprocess.py │ │ ├── pretrain.py │ │ ├── qyl_custom │ │ │ ├── data_analyze.py │ │ │ ├── infer_cv_tianma.sh │ │ │ ├── infer_single_tianma.sh │ │ │ ├── post_process.py │ │ │ ├── prepare.sh │ │ │ ├── train_kfold_ccf.sh │ │ │ ├── train_kfold_tianma.sh │ │ │ ├── train_single_large_tianma.sh │ │ │ └── train_single_tianma.sh │ │ ├── requirements.txt │ │ ├── run_c3.py │ │ ├── run_chid.py │ │ ├── run_classifier.py │ │ ├── run_classifier_cv.py │ │ ├── run_cmrc.py │ │ ├── run_dbqa.py │ │ ├── run_mt_classifier.py │ │ ├── run_ner.py │ │ ├── scripts │ │ │ ├── __init__.py │ │ │ ├── average_model.py │ │ │ ├── build_vocab.py │ │ │ ├── check_model.py │ │ │ ├── cloze_test.py │ │ │ ├── convert_bert_from_google_to_uer.py │ │ │ ├── convert_bert_from_huggingface_to_uer.py │ │ │ ├── convert_bert_from_uer_to_google.py │ │ │ ├── convert_bert_from_uer_to_huggingface.py │ │ │ ├── convert_gpt2_from_huggingface_to_uer.py │ │ │ ├── convert_gpt2_from_uer_to_huggingface.py │ │ │ ├── diff_vocab.py │ │ │ ├── dynamic_vocab_adapter.py │ │ │ ├── extract_embeddings.py │ │ │ ├── extract_features.py │ │ │ ├── generate.py │ │ │ ├── multi_single_convert.py │ │ │ ├── preprocess │ │ │ │ └── CHID_preprocess.py │ │ │ ├── run_bayesopt.py │ │ │ ├── run_lgb.py │ │ │ ├── topn_words_dep.py │ │ │ └── topn_words_indep.py │ │ └── uer │ │ │ ├── __init__.py │ │ │ ├── encoders │ │ │ ├── __init__.py │ │ │ ├── attn_encoder.py │ │ │ ├── bert_encoder.py │ │ │ ├── birnn_encoder.py │ │ │ ├── cnn_encoder.py │ │ │ ├── gpt_encoder.py │ │ │ ├── mixed_encoder.py │ │ │ ├── rnn_encoder.py │ │ │ └── synt_encoder.py │ │ │ ├── layers │ │ │ ├── __init__.py │ │ │ ├── embeddings.py │ │ │ ├── layer_norm.py │ │ │ ├── multi_headed_attn.py │ │ │ ├── position_ffn.py │ │ │ ├── synthesizer.py │ │ │ └── transformer.py │ │ │ ├── model_builder.py │ │ │ ├── model_loader.py │ │ │ ├── model_saver.py │ │ │ ├── models │ │ │ ├── __init__.py │ │ │ └── model.py │ │ │ ├── subencoders │ │ │ ├── __init__.py │ │ │ ├── avg_subencoder.py │ │ │ ├── cnn_subencoder.py │ │ │ └── rnn_subencoder.py │ │ │ ├── targets │ │ │ ├── __init__.py │ │ │ ├── albert_target.py │ │ │ ├── bert_target.py │ │ │ ├── bilm_target.py │ │ │ ├── cls_target.py │ │ │ ├── lm_target.py │ │ │ ├── mlm_target.py │ │ │ └── nsp_target.py │ │ │ ├── trainer.py │ │ │ └── utils │ │ │ ├── __init__.py │ │ │ ├── act_fun.py │ │ │ ├── config.py │ │ │ ├── constants.py │ │ │ ├── data.py │ │ │ ├── misc.py │ │ │ ├── optimizers.py │ │ │ ├── seed.py │ │ │ ├── subword.py │ │ │ ├── tokenizer.py │ │ │ └── vocab.py │ └── requirements.txt ├── 招商银行2021FinTech │ ├── EDA-baseline.ipynb │ ├── README.md │ ├── lgb_day_LB_0.117.py │ ├── lgb_day_timeSeries.py │ ├── lgb_half_hour_LB_0.262.py │ └── lgb_half_hour_timeSeries.py └── 福字分类 │ ├── README.md │ └── fu-classify.ipynb ├── heywhale ├── LM-Pretrain-Finetune │ ├── GPT-2 │ │ ├── dataset.py │ │ ├── infer.py │ │ ├── model.py │ │ └── train.py │ ├── README.md │ ├── finetune │ │ ├── dataset.py │ │ ├── debug.py │ │ ├── infer.py │ │ ├── modeling_cpt.py │ │ └── train.py │ └── pretrain │ │ ├── .gitlab-ci.yml │ │ ├── LICENSE │ │ ├── MANIFEST.in │ │ ├── README.md │ │ ├── README_megatron.md │ │ ├── convert_to_json.py │ │ ├── data_process.sh │ │ ├── examples │ │ ├── create_embeddings.sh │ │ ├── evaluate_ict_zeroshot_nq.sh │ │ ├── evaluate_zeroshot_gpt.sh │ │ ├── finetune_mnli_distributed.sh │ │ ├── finetune_race_distributed.sh │ │ ├── generate_text.sh │ │ ├── merge_mp_bert.sh │ │ ├── pretrain_bert.sh │ │ ├── pretrain_bert_distributed.sh │ │ ├── pretrain_bert_distributed_with_mp.sh │ │ ├── pretrain_gpt.sh │ │ ├── pretrain_gpt3_175B.sh │ │ ├── pretrain_gpt_distributed.sh │ │ ├── pretrain_gpt_distributed_with_mp.sh │ │ ├── pretrain_ict.sh │ │ ├── pretrain_t5.sh │ │ ├── pretrain_t5_distributed.sh │ │ └── pretrain_t5_distributed_with_mp.sh │ │ ├── images │ │ └── cases_april2021.jpg │ │ ├── megatron │ │ ├── __init__.py │ │ ├── arguments.py │ │ ├── checkpointing.py │ │ ├── data │ │ │ ├── Makefile │ │ │ ├── __init__.py │ │ │ ├── autoaugment.py │ │ │ ├── bart_dataset.py │ │ │ ├── bert_dataset.py │ │ │ ├── biencoder_dataset_utils.py │ │ │ ├── blendable_dataset.py │ │ │ ├── cpt_dataset.py │ │ │ ├── data_samplers.py │ │ │ ├── dataset_utils.py │ │ │ ├── gpt_dataset.py │ │ │ ├── helpers.cpp │ │ │ ├── hfbert_dataset.py │ │ │ ├── ict_dataset.py │ │ │ ├── indexed_dataset.py │ │ │ ├── orqa_wiki_dataset.py │ │ │ ├── realm_dataset_utils.py │ │ │ ├── realm_index.py │ │ │ ├── t5_dataset.py │ │ │ ├── test │ │ │ │ ├── test_indexed_dataset.py │ │ │ │ └── test_preprocess_data.sh │ │ │ └── vit_dataset.py │ │ ├── fp16_deprecated │ │ │ └── loss_scaler.py │ │ ├── fused_kernels │ │ │ ├── __init__.py │ │ │ ├── __pycache__ │ │ │ │ ├── __init__.cpython-37.pyc │ │ │ │ └── __init__.cpython-38.pyc │ │ │ ├── compat.h │ │ │ ├── layer_norm_cuda.cpp │ │ │ ├── layer_norm_cuda_kernel.cu │ │ │ ├── scaled_masked_softmax.cpp │ │ │ ├── scaled_masked_softmax.h │ │ │ ├── scaled_masked_softmax_cuda.cu │ │ │ ├── scaled_upper_triang_masked_softmax.cpp │ │ │ ├── scaled_upper_triang_masked_softmax.h │ │ │ ├── scaled_upper_triang_masked_softmax_cuda.cu │ │ │ └── type_shim.h │ │ ├── global_vars.py │ │ ├── indexer.py │ │ ├── initialize.py │ │ ├── learning_rates.py │ │ ├── memory.py │ │ ├── microbatches.py │ │ ├── model │ │ │ ├── __init__.py │ │ │ ├── bart_model.py │ │ │ ├── bert_model.py │ │ │ ├── biencoder_model.py │ │ │ ├── classification.py │ │ │ ├── cpt_model.py │ │ │ ├── distributed.py │ │ │ ├── enums.py │ │ │ ├── fused_bias_gelu.py │ │ │ ├── fused_layer_norm.py │ │ │ ├── fused_softmax.py │ │ │ ├── gpt_model.py │ │ │ ├── hfbert_model.py │ │ │ ├── language_model.py │ │ │ ├── modeling_bart.py │ │ │ ├── modeling_cpt.py │ │ │ ├── module.py │ │ │ ├── multiple_choice.py │ │ │ ├── realm_model.py │ │ │ ├── t5_model.py │ │ │ ├── transformer.py │ │ │ ├── utils.py │ │ │ └── vit_model.py │ │ ├── mpu │ │ │ ├── __init__.py │ │ │ ├── __pycache__ │ │ │ │ ├── __init__.cpython-37.pyc │ │ │ │ ├── __init__.cpython-38.pyc │ │ │ │ ├── cross_entropy.cpython-37.pyc │ │ │ │ ├── cross_entropy.cpython-38.pyc │ │ │ │ ├── data.cpython-37.pyc │ │ │ │ ├── data.cpython-38.pyc │ │ │ │ ├── initialize.cpython-37.pyc │ │ │ │ ├── initialize.cpython-38.pyc │ │ │ │ ├── layers.cpython-37.pyc │ │ │ │ ├── layers.cpython-38.pyc │ │ │ │ ├── mappings.cpython-37.pyc │ │ │ │ ├── mappings.cpython-38.pyc │ │ │ │ ├── random.cpython-37.pyc │ │ │ │ ├── random.cpython-38.pyc │ │ │ │ ├── utils.cpython-37.pyc │ │ │ │ └── utils.cpython-38.pyc │ │ │ ├── cross_entropy.py │ │ │ ├── data.py │ │ │ ├── initialize.py │ │ │ ├── layers.py │ │ │ ├── mappings.py │ │ │ ├── random.py │ │ │ ├── tests │ │ │ │ ├── __init__.py │ │ │ │ ├── commons.py │ │ │ │ ├── test_cross_entropy.py │ │ │ │ ├── test_data.py │ │ │ │ ├── test_initialize.py │ │ │ │ ├── test_layers.py │ │ │ │ └── test_random.py │ │ │ └── utils.py │ │ ├── optimizer │ │ │ ├── __init__.py │ │ │ ├── __pycache__ │ │ │ │ ├── __init__.cpython-38.pyc │ │ │ │ ├── clip_grads.cpython-38.pyc │ │ │ │ ├── grad_scaler.cpython-38.pyc │ │ │ │ └── optimizer.cpython-38.pyc │ │ │ ├── clip_grads.py │ │ │ ├── grad_scaler.py │ │ │ └── optimizer.py │ │ ├── p2p_communication.py │ │ ├── package_info.py │ │ ├── schedules.py │ │ ├── text_generation_utils.py │ │ ├── tokenizer │ │ │ ├── __init__.py │ │ │ ├── __pycache__ │ │ │ │ ├── __init__.cpython-37.pyc │ │ │ │ ├── __init__.cpython-38.pyc │ │ │ │ ├── bert_tokenization.cpython-37.pyc │ │ │ │ ├── bert_tokenization.cpython-38.pyc │ │ │ │ ├── gpt2_tokenization.cpython-37.pyc │ │ │ │ ├── gpt2_tokenization.cpython-38.pyc │ │ │ │ ├── tokenizer.cpython-37.pyc │ │ │ │ └── tokenizer.cpython-38.pyc │ │ │ ├── bert_tokenization.py │ │ │ ├── gpt2_tokenization.py │ │ │ └── tokenizer.py │ │ ├── training.py │ │ └── utils.py │ │ ├── pretrain_bart.py │ │ ├── pretrain_bert.py │ │ ├── pretrain_cpt.py │ │ ├── pretrain_gpt.py │ │ ├── pretrain_hfbert.py │ │ ├── pretrain_ict.py │ │ ├── pretrain_t5.py │ │ ├── pretrain_vit.py │ │ ├── requirements.txt │ │ ├── run_pretrain_bart.sh │ │ ├── run_pretrain_cpt.sh │ │ ├── setup.py │ │ ├── tasks │ │ ├── data_utils.py │ │ ├── ensemble_classifier.py │ │ ├── eval_utils.py │ │ ├── finetune_utils.py │ │ ├── glue │ │ │ ├── data.py │ │ │ ├── finetune.py │ │ │ ├── mnli.py │ │ │ └── qqp.py │ │ ├── main.py │ │ ├── orqa │ │ │ ├── evaluate_orqa.py │ │ │ ├── evaluate_utils.py │ │ │ └── natural_questions │ │ │ │ ├── nq.py │ │ │ │ ├── qa_utils.py │ │ │ │ └── tokenizers.py │ │ ├── race │ │ │ ├── data.py │ │ │ └── finetune.py │ │ ├── vision │ │ │ ├── classification.py │ │ │ ├── eval_utils.py │ │ │ ├── finetune_utils.py │ │ │ └── main.py │ │ └── zeroshot_gpt │ │ │ ├── datasets.py │ │ │ ├── detokenizer.py │ │ │ └── evaluate.py │ │ ├── tests │ │ └── test_basic.py │ │ ├── tools │ │ ├── convert2json.py │ │ ├── convert_ckpt.py │ │ ├── create_doc_index.py │ │ ├── generate_samples_gpt.py │ │ ├── get_node_rank.py │ │ ├── json2text.py │ │ ├── linter.py │ │ ├── merge_mp_partitions.py │ │ ├── openwebtext │ │ │ ├── README.md │ │ │ ├── add_id.py │ │ │ ├── blacklist_urls.py │ │ │ ├── cleanup_dataset.py │ │ │ ├── cleanup_fix_dataset.py │ │ │ ├── filter_ngrams.py │ │ │ ├── find_duplicates.py │ │ │ ├── group_duplicate_url.py │ │ │ ├── merge_jsons.py │ │ │ └── remove_group_duplicates.py │ │ ├── preprocess_data.py │ │ └── zh_tokenizer.py │ │ ├── vocab-bart-large │ │ └── config.json │ │ └── vocab-cpt-large │ │ └── config.json ├── README.md ├── gaiic2022 │ ├── baseline │ │ ├── README.md │ │ ├── dataset.py │ │ ├── infer.py │ │ ├── make_neg_sample_v1.py │ │ ├── net.py │ │ ├── train.py │ │ └── train_val.py │ └── code │ │ ├── README.md │ │ ├── qyl_offline │ │ ├── README.md │ │ ├── bert.py │ │ ├── dataset_bert.py │ │ ├── dataset_qyl.py │ │ ├── infer_cnn_lstm_attr_reproduct.py │ │ ├── make_coarse_attr.py │ │ ├── make_coarse_tuwen.py │ │ ├── make_fine.py │ │ ├── net_BiLSTM.py │ │ ├── net_CNN.py │ │ ├── test.sh │ │ ├── train.sh │ │ ├── train_bert_tuwen.py │ │ └── train_cnn_lstm_attr.py │ │ └── qyl_online │ │ ├── README.md │ │ ├── bert.py │ │ ├── dataset_bert.py │ │ ├── dataset_qyl.py │ │ ├── infer_bert_tuwen_merge.py │ │ ├── infer_bert_tuwen_reproduct.py │ │ ├── merge_tuwen_attr.py │ │ ├── net_BiLSTM.py │ │ ├── net_cnn.py │ │ ├── test.sh │ │ ├── train.sh │ │ ├── train_bert_attr.py │ │ ├── train_bert_tuwen.py │ │ └── train_cnn_lstm_attr.py └── 人工智能挑战赛 │ ├── README.md │ ├── 决赛项目_wlx419_best.ipynb │ └── 初赛.ipynb ├── huawei ├── BDC-2020 │ ├── README.md │ ├── nn │ │ ├── get_feature.py │ │ ├── infer.py │ │ ├── qyl_nn.py │ │ └── rnn.py │ ├── qyl_2k-haiyang-中间截取.ipynb │ ├── qyl_2k-haiyang.ipynb │ └── 测试数据筛选训练集+伪标签.ipynb ├── DIGIX2020校园大赛图像检索 │ ├── LICENSE │ ├── README.md │ ├── cirtorch │ │ └── README.md │ ├── config │ │ ├── __init__.py │ │ └── config.py │ ├── modeling │ │ ├── __init__.py │ │ ├── batch_norm.py │ │ ├── focal_loss.py │ │ ├── metric_learning.py │ │ ├── models.py │ │ ├── pooling.py │ │ └── resnet_csail.py │ ├── submit.py │ ├── train_arcLoss.py │ └── utils │ │ ├── __init__.py │ │ ├── dataset.py │ │ ├── datasetRetri.py │ │ ├── log.py │ │ ├── mean_std.py │ │ └── splitTrainVal.py ├── Huawei-cloud-垃圾分类 │ ├── README.md │ ├── config │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-36.pyc │ │ │ ├── __init__.cpython-37.pyc │ │ │ ├── config.cpython-36.pyc │ │ │ └── config.cpython-37.pyc │ │ └── config.py │ ├── dataset │ │ └── val.txt │ ├── models │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-36.pyc │ │ │ ├── __init__.cpython-37.pyc │ │ │ ├── focal_loss.cpython-36.pyc │ │ │ ├── focal_loss.cpython-37.pyc │ │ │ ├── metrics.cpython-36.pyc │ │ │ ├── metrics.cpython-37.pyc │ │ │ ├── resnet.cpython-36.pyc │ │ │ ├── resnet.cpython-37.pyc │ │ │ ├── wrap_model.cpython-36.pyc │ │ │ └── wrap_model.cpython-37.pyc │ │ └── resnet.py │ ├── obs.PNG │ ├── sub │ │ ├── config.json │ │ ├── customize_service.py │ │ ├── img_2256.jpg │ │ ├── net │ │ │ ├── __init__.py │ │ │ ├── __pycache__ │ │ │ │ ├── __init__.cpython-36.pyc │ │ │ │ └── resnet.cpython-36.pyc │ │ │ └── resnet.py │ │ └── test_local.py │ ├── train.py │ └── utils │ │ ├── __init__.py │ │ ├── __pycache__ │ │ ├── LabelSmooth.cpython-37.pyc │ │ ├── __init__.cpython-36.pyc │ │ ├── __init__.cpython-37.pyc │ │ ├── dataset.cpython-37.pyc │ │ ├── lr_scheduler.cpython-37.pyc │ │ ├── rubbish_dataset.cpython-36.pyc │ │ └── rubbish_dataset.cpython-37.pyc │ │ ├── make_txt.py │ │ ├── rubbish_dataset.py │ │ └── splitTrainVal.py ├── Huawei-cloud2020人工智能创新应用大赛--图像分割 │ ├── README.md │ └── seg-pytorch │ │ ├── README.md │ │ └── 在线部署 │ │ ├── config.json │ │ ├── customize_service.py │ │ ├── infer_local_cv.py │ │ ├── infer_single_image.py │ │ ├── merge_model.py │ │ ├── obs组织结构.png │ │ └── test_local.py ├── 华为云-云上先锋-垃圾图片分类 │ └── README.md └── 华为云-云上先锋-街景图像语义分割 │ ├── README.md │ ├── json_to_png.py │ └── make_city_scape.py ├── kaggle ├── Cassava Leaf Disease Classification │ ├── README.md │ ├── debug.py │ ├── loss │ │ ├── __init__.py │ │ ├── bi_tempered_loss.py │ │ ├── focal_cosine_loss.py │ │ └── label_smoothing_loss.py │ ├── random_search.py │ ├── test.py │ ├── train.py │ └── train_fix.py ├── RANZCR CLiP - Catheter and Line Position Challenge │ └── README.md ├── README.md └── shopee │ ├── README.md │ ├── analyze.py │ ├── cirtorch │ └── README.md │ ├── config.py │ ├── debug.py │ ├── model.py │ ├── model_swin.py │ ├── train.py │ ├── train_swin.py │ └── utils-shopee │ ├── augmentations.py │ ├── custom_mish.py │ ├── custom_scheduler.py │ ├── dataset.py │ ├── engine.py │ └── ranger.py └── tianchi ├── 2021-AI-Earth ├── README.md ├── config.py ├── docker_submit_cnnlstm │ ├── Dockerfile │ ├── infer.py │ ├── land_mask.txt │ ├── run.sh │ └── utils_new.py ├── land_mask.txt ├── log.py ├── metrics.py ├── model.py ├── nino_dataset.py ├── train.py └── utils_new.py ├── 2021-Guangdong-Competition ├── README.md ├── convert_to_voc.py ├── convert_voc_to_v5txt.py ├── draw_bbox.py ├── infer_slice_title.py ├── make_slice_voc.py ├── make_voc_train_val.py ├── make_yolov5_train_val.py ├── voc_to_coco.py ├── wbf.py └── yolov5 │ ├── data │ ├── coco.yaml │ ├── coco128.yaml │ ├── get_coco2017.sh │ ├── get_voc.sh │ ├── tile.yaml │ └── voc.yaml │ ├── hubconf.py │ ├── infer_slice_title.py │ ├── infer_tile.py │ ├── models │ ├── __init__.py │ ├── common.py │ ├── experimental.py │ ├── export.py │ ├── hub │ │ ├── yolov3-spp.yaml │ │ ├── yolov5-fpn.yaml │ │ └── yolov5-panet.yaml │ ├── yolo.py │ ├── yolov5l.yaml │ ├── yolov5m.yaml │ ├── yolov5s.yaml │ └── yolov5x.yaml │ ├── test.py │ ├── train.py │ └── utils │ ├── __init__.py │ ├── activations.py │ ├── datasets.py │ ├── google_utils.py │ ├── torch_utils.py │ └── utils.py ├── 2021全国数字生态创新大赛-高分辨率遥感影像分割 ├── README.md ├── dataset │ ├── RSCDataset.py │ ├── __init__.py │ └── transform.py ├── demo │ └── color150.mat ├── infer.py ├── make_dataset.py ├── test.py ├── tif_jpg.py ├── train.py └── utils │ ├── __init__.py │ ├── deeplearning.py │ ├── help.py │ ├── metric.py │ └── utils.py ├── 2022-AI_challenger ├── README.md ├── config.py ├── gen_dataset.py ├── gen_dataset_albu.py ├── gen_dataset_fgsm.py ├── merge_data.py ├── train.py └── train.sh ├── 2022CVPR-petBiometricChalenge ├── README.md ├── dataset_concat.py ├── dataset_siamese.py ├── dataset_triplet.py ├── infer_triplet.py ├── model_siamese.py ├── model_triplet.py ├── train_ct.py ├── train_siamese.py └── train_triple.py ├── CVPR2021-PIC-Challenge ├── README.md ├── config.py ├── dataset.py ├── infer.py ├── networks │ ├── __init__.py │ ├── net.py │ ├── pfld.py │ └── resnet.py ├── plot_lr.py ├── qyl │ ├── centerface.py │ ├── crop_infer.py │ ├── crop_train.py │ ├── debug.py │ └── make_txt.py ├── requirements.txt ├── test.py └── train.py ├── ImageForgeryLocationChallenge ├── README.md ├── config.py ├── dataset │ ├── RSCDataset.py │ ├── __init__.py │ └── transform.py ├── debug.py ├── demo │ └── color150.mat ├── infer.py ├── losses │ ├── __init__.py │ ├── _functional.py │ ├── constants.py │ ├── dice.py │ ├── focal.py │ ├── jaccard.py │ ├── lovasz.py │ ├── soft_bce.py │ ├── soft_ce.py │ └── tversky.py ├── process.py ├── test.py ├── train.py └── utils │ ├── __init__.py │ ├── custom_lr.py │ ├── deeplearning.py │ ├── deeplearning_qyl.py │ ├── help.py │ ├── log.py │ ├── metric.py │ ├── plot_lr.py │ ├── ranger.py │ └── utils.py ├── README.md ├── Sunspot ├── README.md ├── dataset.py ├── infer.py ├── log.py ├── merge_model.py └── trainKfold.py ├── 医学影像报告异常检测 ├── README.md ├── datasets.py ├── eda.py ├── infer.py ├── net.py └── train.py ├── 天池-智慧海洋 ├── README.md ├── 单模testB0.874.py └── 多模+类别不均衡.ipynb └── 高德地图 ├── README.md ├── Xception_Lgb_roundB.py ├── classfiyForGaoDe ├── .keep ├── config │ ├── __init__.py │ └── config.py ├── data_process │ ├── concat_frame.py │ ├── convertConcatData.py │ ├── convertSingleData.py │ ├── make_detect_label.py │ └── make_labeltxt.py ├── inferConcat.py ├── inferConcat_detect.py ├── inferSingle.py ├── models │ ├── __init__.py │ ├── focal_loss.py │ ├── metrics.py │ ├── resnet.py │ └── wrap_model.py ├── process_data.sh ├── train_arcLoss.py ├── train_cosine.py ├── train_xception.py └── utils │ ├── __init__.py │ ├── dataset.py │ ├── datasetGaode.py │ ├── log.py │ ├── mean_std.py │ └── splitTrainVal.py ├── mmdetectionForGaode ├── .keep ├── 1019_infer.py ├── LICENSE ├── README.md ├── bingjiRes2net.py ├── debug.py ├── get_features.py ├── get_testImage.py ├── infer.py ├── make_VOC_label.py ├── make_imageset.py ├── pytest.ini ├── requirements.txt ├── result_detect.txt ├── setup.cfg └── setup.py ├── requirements.txt └── run_test.sh /.vscode/settings.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/.vscode/settings.json -------------------------------------------------------------------------------- /README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/README.md -------------------------------------------------------------------------------- /Wechat.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/Wechat.jpg -------------------------------------------------------------------------------- /baidu/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/baidu/README.md -------------------------------------------------------------------------------- /baidu/百度大数据2020/.ipynb_checkpoints/seir_city-checkpoint.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/baidu/百度大数据2020/.ipynb_checkpoints/seir_city-checkpoint.ipynb -------------------------------------------------------------------------------- /baidu/百度大数据2020/.ipynb_checkpoints/回归预测-checkpoint.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/baidu/百度大数据2020/.ipynb_checkpoints/回归预测-checkpoint.ipynb -------------------------------------------------------------------------------- /baidu/百度大数据2020/.ipynb_checkpoints/数据预处理-checkpoint.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/baidu/百度大数据2020/.ipynb_checkpoints/数据预处理-checkpoint.ipynb -------------------------------------------------------------------------------- /baidu/百度大数据2020/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/baidu/百度大数据2020/README.md -------------------------------------------------------------------------------- /baidu/百度大数据2020/lgb_persudo.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/baidu/百度大数据2020/lgb_persudo.ipynb -------------------------------------------------------------------------------- /baidu/百度大数据2020/seir_city.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/baidu/百度大数据2020/seir_city.ipynb -------------------------------------------------------------------------------- /baidu/百度大数据2020/seir_region.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/baidu/百度大数据2020/seir_region.ipynb -------------------------------------------------------------------------------- /baidu/百度大数据2020/回归预测.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/baidu/百度大数据2020/回归预测.ipynb -------------------------------------------------------------------------------- /baidu/百度大数据2020/数据预处理.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/baidu/百度大数据2020/数据预处理.ipynb -------------------------------------------------------------------------------- /baseline/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/baseline/README.md -------------------------------------------------------------------------------- /datafountain/CCF2020-非法集资/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/datafountain/CCF2020-非法集资/README.md -------------------------------------------------------------------------------- /datafountain/CCF2020-非法集资/baseline_8395.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/datafountain/CCF2020-非法集资/baseline_8395.ipynb -------------------------------------------------------------------------------- /datafountain/CCF2020-非法集资/models/cab.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/datafountain/CCF2020-非法集资/models/cab.py -------------------------------------------------------------------------------- /datafountain/CCF2020-非法集资/models/compare.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/datafountain/CCF2020-非法集资/models/compare.py -------------------------------------------------------------------------------- /datafountain/CCF2020-非法集资/models/lgb.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/datafountain/CCF2020-非法集资/models/lgb.py -------------------------------------------------------------------------------- /datafountain/CCF2020-非法集资/models/post_process.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/datafountain/CCF2020-非法集资/models/post_process.py -------------------------------------------------------------------------------- /datafountain/CCF2020-非法集资/models/pseudo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/datafountain/CCF2020-非法集资/models/pseudo.py -------------------------------------------------------------------------------- /datafountain/CCF2020-非法集资/models/stacking.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/datafountain/CCF2020-非法集资/models/stacking.py -------------------------------------------------------------------------------- /datafountain/CCF2020-非法集资/models/xgb.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/datafountain/CCF2020-非法集资/models/xgb.py -------------------------------------------------------------------------------- /datafountain/CCF2020-非法集资/post_process/merge_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/datafountain/CCF2020-非法集资/post_process/merge_model.py -------------------------------------------------------------------------------- /datafountain/CCF2020-非法集资/qyl_8424_stacking.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/datafountain/CCF2020-非法集资/qyl_8424_stacking.ipynb -------------------------------------------------------------------------------- /datafountain/CCF2020-非法集资/supervised-encode.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/datafountain/CCF2020-非法集资/supervised-encode.ipynb -------------------------------------------------------------------------------- /datafountain/CCF2020-非法集资/utils/__init__.py: -------------------------------------------------------------------------------- 1 | from .helpers import * -------------------------------------------------------------------------------- /datafountain/CCF2020-非法集资/utils/get_frt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/datafountain/CCF2020-非法集资/utils/get_frt.py -------------------------------------------------------------------------------- /datafountain/CCF2020-非法集资/utils/helpers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/datafountain/CCF2020-非法集资/utils/helpers.py -------------------------------------------------------------------------------- /datafountain/CCF2020-非法集资/对抗验证_贝叶斯调参.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/datafountain/CCF2020-非法集资/对抗验证_贝叶斯调参.ipynb -------------------------------------------------------------------------------- /datafountain/README.md: -------------------------------------------------------------------------------- 1 | ## datafountain -------------------------------------------------------------------------------- /dc/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/dc/README.md -------------------------------------------------------------------------------- /dc/one-city编程大赛/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/dc/one-city编程大赛/README.md -------------------------------------------------------------------------------- /dc/one-city编程大赛/bert/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/dc/one-city编程大赛/bert/README.md -------------------------------------------------------------------------------- /dc/one-city编程大赛/bert/code/infer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/dc/one-city编程大赛/bert/code/infer.py -------------------------------------------------------------------------------- /dc/one-city编程大赛/bert/code/merge_fold.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/dc/one-city编程大赛/bert/code/merge_fold.py -------------------------------------------------------------------------------- /dc/one-city编程大赛/bert/code/model/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/dc/one-city编程大赛/bert/code/model/__init__.py -------------------------------------------------------------------------------- /dc/one-city编程大赛/bert/code/model/albert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/dc/one-city编程大赛/bert/code/model/albert.py -------------------------------------------------------------------------------- /dc/one-city编程大赛/bert/code/model/electra.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/dc/one-city编程大赛/bert/code/model/electra.py -------------------------------------------------------------------------------- /dc/one-city编程大赛/bert/code/model/model_qyl.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/dc/one-city编程大赛/bert/code/model/model_qyl.py -------------------------------------------------------------------------------- /dc/one-city编程大赛/bert/code/qyl_debug.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/dc/one-city编程大赛/bert/code/qyl_debug.py -------------------------------------------------------------------------------- /dc/one-city编程大赛/bert/code/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/dc/one-city编程大赛/bert/code/train.py -------------------------------------------------------------------------------- /dc/one-city编程大赛/bert/code/train_kfold.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/dc/one-city编程大赛/bert/code/train_kfold.py -------------------------------------------------------------------------------- /dc/one-city编程大赛/bert/code/utils/__init__.py: -------------------------------------------------------------------------------- 1 | from .label_smoothing import * -------------------------------------------------------------------------------- /dc/one-city编程大赛/bert/code/utils/data_process.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/dc/one-city编程大赛/bert/code/utils/data_process.py -------------------------------------------------------------------------------- /dc/one-city编程大赛/bert/code/utils/label_smoothing.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/dc/one-city编程大赛/bert/code/utils/label_smoothing.py -------------------------------------------------------------------------------- /dc/one-city编程大赛/bert/code/utils/log.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/dc/one-city编程大赛/bert/code/utils/log.py -------------------------------------------------------------------------------- /dc/one-city编程大赛/bert/code/utils/make_pkl.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/dc/one-city编程大赛/bert/code/utils/make_pkl.py -------------------------------------------------------------------------------- /dc/one-city编程大赛/bert/code/warmup_train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/dc/one-city编程大赛/bert/code/warmup_train.py -------------------------------------------------------------------------------- /dc/one-city编程大赛/fastText/data_process.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/dc/one-city编程大赛/fastText/data_process.py -------------------------------------------------------------------------------- /dc/one-city编程大赛/fastText/fastText.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/dc/one-city编程大赛/fastText/fastText.py -------------------------------------------------------------------------------- /dc/公积金贷款逾期预测/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/dc/公积金贷款逾期预测/README.md -------------------------------------------------------------------------------- /dc/公积金贷款逾期预测/featureSelect.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/dc/公积金贷款逾期预测/featureSelect.py -------------------------------------------------------------------------------- /dc/公积金贷款逾期预测/get_frts.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/dc/公积金贷款逾期预测/get_frts.py -------------------------------------------------------------------------------- /dc/公积金贷款逾期预测/helper.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/dc/公积金贷款逾期预测/helper.py -------------------------------------------------------------------------------- /dc/公积金贷款逾期预测/lgb.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/dc/公积金贷款逾期预测/lgb.py -------------------------------------------------------------------------------- /dc/公积金贷款逾期预测/main.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/dc/公积金贷款逾期预测/main.sh -------------------------------------------------------------------------------- /else/Chick-Counting/Dockerfile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/Chick-Counting/Dockerfile -------------------------------------------------------------------------------- /else/Chick-Counting/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/Chick-Counting/README.md -------------------------------------------------------------------------------- /else/Chick-Counting/counting/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/Chick-Counting/counting/README.md -------------------------------------------------------------------------------- /else/Chick-Counting/counting/datasets/__init__.py: -------------------------------------------------------------------------------- 1 | 2 | -------------------------------------------------------------------------------- /else/Chick-Counting/counting/datasets/crowd copy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/Chick-Counting/counting/datasets/crowd copy.py -------------------------------------------------------------------------------- /else/Chick-Counting/counting/datasets/crowd.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/Chick-Counting/counting/datasets/crowd.py -------------------------------------------------------------------------------- /else/Chick-Counting/counting/datasets/crowd_kfold.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/Chick-Counting/counting/datasets/crowd_kfold.py -------------------------------------------------------------------------------- /else/Chick-Counting/counting/datasets/crowd_sh.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/Chick-Counting/counting/datasets/crowd_sh.py -------------------------------------------------------------------------------- /else/Chick-Counting/counting/datasets/sa.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/Chick-Counting/counting/datasets/sa.py -------------------------------------------------------------------------------- /else/Chick-Counting/counting/infer_kfold.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/Chick-Counting/counting/infer_kfold.py -------------------------------------------------------------------------------- /else/Chick-Counting/counting/losses/__init__.py: -------------------------------------------------------------------------------- 1 | 2 | -------------------------------------------------------------------------------- /else/Chick-Counting/counting/losses/bay_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/Chick-Counting/counting/losses/bay_loss.py -------------------------------------------------------------------------------- /else/Chick-Counting/counting/losses/post_prob.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/Chick-Counting/counting/losses/post_prob.py -------------------------------------------------------------------------------- /else/Chick-Counting/counting/models/__init__.py: -------------------------------------------------------------------------------- 1 | 2 | -------------------------------------------------------------------------------- /else/Chick-Counting/counting/models/vgg.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/Chick-Counting/counting/models/vgg.py -------------------------------------------------------------------------------- /else/Chick-Counting/counting/qyl/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/Chick-Counting/counting/qyl/README.md -------------------------------------------------------------------------------- /else/Chick-Counting/counting/qyl/debug.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/Chick-Counting/counting/qyl/debug.py -------------------------------------------------------------------------------- /else/Chick-Counting/counting/qyl/make_csv.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/Chick-Counting/counting/qyl/make_csv.py -------------------------------------------------------------------------------- /else/Chick-Counting/counting/qyl/make_np.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/Chick-Counting/counting/qyl/make_np.py -------------------------------------------------------------------------------- /else/Chick-Counting/counting/qyl/make_np_dis.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/Chick-Counting/counting/qyl/make_np_dis.py -------------------------------------------------------------------------------- /else/Chick-Counting/counting/qyl/make_np_points_val.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/Chick-Counting/counting/qyl/make_np_points_val.py -------------------------------------------------------------------------------- /else/Chick-Counting/counting/qyl/make_train_val.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/Chick-Counting/counting/qyl/make_train_val.py -------------------------------------------------------------------------------- /else/Chick-Counting/counting/qyl/process.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/Chick-Counting/counting/qyl/process.py -------------------------------------------------------------------------------- /else/Chick-Counting/counting/qyl/pseudo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/Chick-Counting/counting/qyl/pseudo.py -------------------------------------------------------------------------------- /else/Chick-Counting/counting/test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/Chick-Counting/counting/test.py -------------------------------------------------------------------------------- /else/Chick-Counting/counting/train_kfold.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/Chick-Counting/counting/train_kfold.py -------------------------------------------------------------------------------- /else/Chick-Counting/counting/utils/__init__.py: -------------------------------------------------------------------------------- 1 | 2 | -------------------------------------------------------------------------------- /else/Chick-Counting/counting/utils/helper.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/Chick-Counting/counting/utils/helper.py -------------------------------------------------------------------------------- /else/Chick-Counting/counting/utils/log.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/Chick-Counting/counting/utils/log.py -------------------------------------------------------------------------------- /else/Chick-Counting/counting/utils/logger.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/Chick-Counting/counting/utils/logger.py -------------------------------------------------------------------------------- /else/Chick-Counting/counting/utils/ranger.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/Chick-Counting/counting/utils/ranger.py -------------------------------------------------------------------------------- /else/Chick-Counting/counting/utils/regression_trainer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/Chick-Counting/counting/utils/regression_trainer.py -------------------------------------------------------------------------------- /else/Chick-Counting/counting/utils/regression_trainer_kfold.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/Chick-Counting/counting/utils/regression_trainer_kfold.py -------------------------------------------------------------------------------- /else/Chick-Counting/counting/utils/train.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/Chick-Counting/counting/utils/train.txt -------------------------------------------------------------------------------- /else/Chick-Counting/counting/utils/trainer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/Chick-Counting/counting/utils/trainer.py -------------------------------------------------------------------------------- /else/Chick-Counting/counting/utils/val.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/Chick-Counting/counting/utils/val.txt -------------------------------------------------------------------------------- /else/Chick-Counting/detect/CONTRIBUTING.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/Chick-Counting/detect/CONTRIBUTING.md -------------------------------------------------------------------------------- /else/Chick-Counting/detect/Dockerfile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/Chick-Counting/detect/Dockerfile -------------------------------------------------------------------------------- /else/Chick-Counting/detect/LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/Chick-Counting/detect/LICENSE -------------------------------------------------------------------------------- /else/Chick-Counting/detect/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/Chick-Counting/detect/README.md -------------------------------------------------------------------------------- /else/Chick-Counting/detect/data/Argoverse.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/Chick-Counting/detect/data/Argoverse.yaml -------------------------------------------------------------------------------- /else/Chick-Counting/detect/data/GlobalWheat2020.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/Chick-Counting/detect/data/GlobalWheat2020.yaml -------------------------------------------------------------------------------- /else/Chick-Counting/detect/data/Objects365.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/Chick-Counting/detect/data/Objects365.yaml -------------------------------------------------------------------------------- /else/Chick-Counting/detect/data/SKU-110K.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/Chick-Counting/detect/data/SKU-110K.yaml -------------------------------------------------------------------------------- /else/Chick-Counting/detect/data/VOC.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/Chick-Counting/detect/data/VOC.yaml -------------------------------------------------------------------------------- /else/Chick-Counting/detect/data/VisDrone.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/Chick-Counting/detect/data/VisDrone.yaml -------------------------------------------------------------------------------- /else/Chick-Counting/detect/data/chicken.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/Chick-Counting/detect/data/chicken.yaml -------------------------------------------------------------------------------- /else/Chick-Counting/detect/data/coco.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/Chick-Counting/detect/data/coco.yaml -------------------------------------------------------------------------------- /else/Chick-Counting/detect/data/coco128.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/Chick-Counting/detect/data/coco128.yaml -------------------------------------------------------------------------------- /else/Chick-Counting/detect/data/hyps/hyp.finetune.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/Chick-Counting/detect/data/hyps/hyp.finetune.yaml -------------------------------------------------------------------------------- /else/Chick-Counting/detect/data/hyps/hyp.finetune_objects365.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/Chick-Counting/detect/data/hyps/hyp.finetune_objects365.yaml -------------------------------------------------------------------------------- /else/Chick-Counting/detect/data/hyps/hyp.scratch-high.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/Chick-Counting/detect/data/hyps/hyp.scratch-high.yaml -------------------------------------------------------------------------------- /else/Chick-Counting/detect/data/hyps/hyp.scratch-low.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/Chick-Counting/detect/data/hyps/hyp.scratch-low.yaml -------------------------------------------------------------------------------- /else/Chick-Counting/detect/data/hyps/hyp.scratch-med.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/Chick-Counting/detect/data/hyps/hyp.scratch-med.yaml -------------------------------------------------------------------------------- /else/Chick-Counting/detect/data/hyps/hyp.scratch.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/Chick-Counting/detect/data/hyps/hyp.scratch.yaml -------------------------------------------------------------------------------- /else/Chick-Counting/detect/data/scripts/download_weights.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/Chick-Counting/detect/data/scripts/download_weights.sh -------------------------------------------------------------------------------- /else/Chick-Counting/detect/data/scripts/get_coco.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/Chick-Counting/detect/data/scripts/get_coco.sh -------------------------------------------------------------------------------- /else/Chick-Counting/detect/data/scripts/get_coco128.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/Chick-Counting/detect/data/scripts/get_coco128.sh -------------------------------------------------------------------------------- /else/Chick-Counting/detect/data/xView.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/Chick-Counting/detect/data/xView.yaml -------------------------------------------------------------------------------- /else/Chick-Counting/detect/detect.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/Chick-Counting/detect/detect.py -------------------------------------------------------------------------------- /else/Chick-Counting/detect/export.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/Chick-Counting/detect/export.py -------------------------------------------------------------------------------- /else/Chick-Counting/detect/hubconf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/Chick-Counting/detect/hubconf.py -------------------------------------------------------------------------------- /else/Chick-Counting/detect/infer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/Chick-Counting/detect/infer.py -------------------------------------------------------------------------------- /else/Chick-Counting/detect/infer.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/Chick-Counting/detect/infer.sh -------------------------------------------------------------------------------- /else/Chick-Counting/detect/infer_pseudo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/Chick-Counting/detect/infer_pseudo.py -------------------------------------------------------------------------------- /else/Chick-Counting/detect/main.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/Chick-Counting/detect/main.sh -------------------------------------------------------------------------------- /else/Chick-Counting/detect/models/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /else/Chick-Counting/detect/models/common.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/Chick-Counting/detect/models/common.py -------------------------------------------------------------------------------- /else/Chick-Counting/detect/models/experimental.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/Chick-Counting/detect/models/experimental.py -------------------------------------------------------------------------------- /else/Chick-Counting/detect/models/hub/anchors.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/Chick-Counting/detect/models/hub/anchors.yaml -------------------------------------------------------------------------------- /else/Chick-Counting/detect/models/hub/yolov3-spp.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/Chick-Counting/detect/models/hub/yolov3-spp.yaml -------------------------------------------------------------------------------- /else/Chick-Counting/detect/models/hub/yolov3-tiny.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/Chick-Counting/detect/models/hub/yolov3-tiny.yaml -------------------------------------------------------------------------------- /else/Chick-Counting/detect/models/hub/yolov3.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/Chick-Counting/detect/models/hub/yolov3.yaml -------------------------------------------------------------------------------- /else/Chick-Counting/detect/models/hub/yolov5-bifpn.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/Chick-Counting/detect/models/hub/yolov5-bifpn.yaml -------------------------------------------------------------------------------- /else/Chick-Counting/detect/models/hub/yolov5-fpn.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/Chick-Counting/detect/models/hub/yolov5-fpn.yaml -------------------------------------------------------------------------------- /else/Chick-Counting/detect/models/hub/yolov5-p2.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/Chick-Counting/detect/models/hub/yolov5-p2.yaml -------------------------------------------------------------------------------- /else/Chick-Counting/detect/models/hub/yolov5-p6.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/Chick-Counting/detect/models/hub/yolov5-p6.yaml -------------------------------------------------------------------------------- /else/Chick-Counting/detect/models/hub/yolov5-p7.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/Chick-Counting/detect/models/hub/yolov5-p7.yaml -------------------------------------------------------------------------------- /else/Chick-Counting/detect/models/hub/yolov5-panet.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/Chick-Counting/detect/models/hub/yolov5-panet.yaml -------------------------------------------------------------------------------- /else/Chick-Counting/detect/models/hub/yolov5l6.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/Chick-Counting/detect/models/hub/yolov5l6.yaml -------------------------------------------------------------------------------- /else/Chick-Counting/detect/models/hub/yolov5m6.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/Chick-Counting/detect/models/hub/yolov5m6.yaml -------------------------------------------------------------------------------- /else/Chick-Counting/detect/models/hub/yolov5n6.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/Chick-Counting/detect/models/hub/yolov5n6.yaml -------------------------------------------------------------------------------- /else/Chick-Counting/detect/models/hub/yolov5s-ghost.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/Chick-Counting/detect/models/hub/yolov5s-ghost.yaml -------------------------------------------------------------------------------- /else/Chick-Counting/detect/models/hub/yolov5s-transformer.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/Chick-Counting/detect/models/hub/yolov5s-transformer.yaml -------------------------------------------------------------------------------- /else/Chick-Counting/detect/models/hub/yolov5s6.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/Chick-Counting/detect/models/hub/yolov5s6.yaml -------------------------------------------------------------------------------- /else/Chick-Counting/detect/models/hub/yolov5x6.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/Chick-Counting/detect/models/hub/yolov5x6.yaml -------------------------------------------------------------------------------- /else/Chick-Counting/detect/models/tf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/Chick-Counting/detect/models/tf.py -------------------------------------------------------------------------------- /else/Chick-Counting/detect/models/yolo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/Chick-Counting/detect/models/yolo.py -------------------------------------------------------------------------------- /else/Chick-Counting/detect/models/yolov5l.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/Chick-Counting/detect/models/yolov5l.yaml -------------------------------------------------------------------------------- /else/Chick-Counting/detect/models/yolov5m.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/Chick-Counting/detect/models/yolov5m.yaml -------------------------------------------------------------------------------- /else/Chick-Counting/detect/models/yolov5n.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/Chick-Counting/detect/models/yolov5n.yaml -------------------------------------------------------------------------------- /else/Chick-Counting/detect/models/yolov5s.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/Chick-Counting/detect/models/yolov5s.yaml -------------------------------------------------------------------------------- /else/Chick-Counting/detect/models/yolov5x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/Chick-Counting/detect/models/yolov5x.yaml -------------------------------------------------------------------------------- /else/Chick-Counting/detect/qyl/convert_to_coco.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/Chick-Counting/detect/qyl/convert_to_coco.py -------------------------------------------------------------------------------- /else/Chick-Counting/detect/qyl/debug.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/Chick-Counting/detect/qyl/debug.py -------------------------------------------------------------------------------- /else/Chick-Counting/detect/qyl/make_bbox.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/Chick-Counting/detect/qyl/make_bbox.py -------------------------------------------------------------------------------- /else/Chick-Counting/detect/qyl/make_label.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/Chick-Counting/detect/qyl/make_label.py -------------------------------------------------------------------------------- /else/Chick-Counting/detect/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/Chick-Counting/detect/requirements.txt -------------------------------------------------------------------------------- /else/Chick-Counting/detect/search_thresh.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/Chick-Counting/detect/search_thresh.py -------------------------------------------------------------------------------- /else/Chick-Counting/detect/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/Chick-Counting/detect/train.py -------------------------------------------------------------------------------- /else/Chick-Counting/detect/tutorial.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/Chick-Counting/detect/tutorial.ipynb -------------------------------------------------------------------------------- /else/Chick-Counting/detect/utils/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /else/Chick-Counting/detect/utils/activations.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/Chick-Counting/detect/utils/activations.py -------------------------------------------------------------------------------- /else/Chick-Counting/detect/utils/augmentations.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/Chick-Counting/detect/utils/augmentations.py -------------------------------------------------------------------------------- /else/Chick-Counting/detect/utils/autoanchor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/Chick-Counting/detect/utils/autoanchor.py -------------------------------------------------------------------------------- /else/Chick-Counting/detect/utils/aws/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /else/Chick-Counting/detect/utils/aws/mime.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/Chick-Counting/detect/utils/aws/mime.sh -------------------------------------------------------------------------------- /else/Chick-Counting/detect/utils/aws/resume.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/Chick-Counting/detect/utils/aws/resume.py -------------------------------------------------------------------------------- /else/Chick-Counting/detect/utils/aws/userdata.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/Chick-Counting/detect/utils/aws/userdata.sh -------------------------------------------------------------------------------- /else/Chick-Counting/detect/utils/callbacks.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/Chick-Counting/detect/utils/callbacks.py -------------------------------------------------------------------------------- /else/Chick-Counting/detect/utils/datasets.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/Chick-Counting/detect/utils/datasets.py -------------------------------------------------------------------------------- /else/Chick-Counting/detect/utils/downloads.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/Chick-Counting/detect/utils/downloads.py -------------------------------------------------------------------------------- /else/Chick-Counting/detect/utils/flask_rest_api/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/Chick-Counting/detect/utils/flask_rest_api/README.md -------------------------------------------------------------------------------- /else/Chick-Counting/detect/utils/flask_rest_api/example_request.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/Chick-Counting/detect/utils/flask_rest_api/example_request.py -------------------------------------------------------------------------------- /else/Chick-Counting/detect/utils/flask_rest_api/restapi.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/Chick-Counting/detect/utils/flask_rest_api/restapi.py -------------------------------------------------------------------------------- /else/Chick-Counting/detect/utils/general.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/Chick-Counting/detect/utils/general.py -------------------------------------------------------------------------------- /else/Chick-Counting/detect/utils/google_app_engine/Dockerfile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/Chick-Counting/detect/utils/google_app_engine/Dockerfile -------------------------------------------------------------------------------- /else/Chick-Counting/detect/utils/google_app_engine/app.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/Chick-Counting/detect/utils/google_app_engine/app.yaml -------------------------------------------------------------------------------- /else/Chick-Counting/detect/utils/loggers/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/Chick-Counting/detect/utils/loggers/__init__.py -------------------------------------------------------------------------------- /else/Chick-Counting/detect/utils/loggers/wandb/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/Chick-Counting/detect/utils/loggers/wandb/README.md -------------------------------------------------------------------------------- /else/Chick-Counting/detect/utils/loggers/wandb/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /else/Chick-Counting/detect/utils/loggers/wandb/log_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/Chick-Counting/detect/utils/loggers/wandb/log_dataset.py -------------------------------------------------------------------------------- /else/Chick-Counting/detect/utils/loggers/wandb/sweep.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/Chick-Counting/detect/utils/loggers/wandb/sweep.py -------------------------------------------------------------------------------- /else/Chick-Counting/detect/utils/loggers/wandb/sweep.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/Chick-Counting/detect/utils/loggers/wandb/sweep.yaml -------------------------------------------------------------------------------- /else/Chick-Counting/detect/utils/loggers/wandb/wandb_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/Chick-Counting/detect/utils/loggers/wandb/wandb_utils.py -------------------------------------------------------------------------------- /else/Chick-Counting/detect/utils/loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/Chick-Counting/detect/utils/loss.py -------------------------------------------------------------------------------- /else/Chick-Counting/detect/utils/metrics.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/Chick-Counting/detect/utils/metrics.py -------------------------------------------------------------------------------- /else/Chick-Counting/detect/utils/plots.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/Chick-Counting/detect/utils/plots.py -------------------------------------------------------------------------------- /else/Chick-Counting/detect/utils/torch_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/Chick-Counting/detect/utils/torch_utils.py -------------------------------------------------------------------------------- /else/Chick-Counting/detect/val.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/Chick-Counting/detect/val.py -------------------------------------------------------------------------------- /else/Chick-Counting/docker_command.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/Chick-Counting/docker_command.md -------------------------------------------------------------------------------- /else/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/README.md -------------------------------------------------------------------------------- /else/biendata-rubbish/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/biendata-rubbish/README.md -------------------------------------------------------------------------------- /else/biendata-rubbish/cutmix.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/biendata-rubbish/cutmix.py -------------------------------------------------------------------------------- /else/biendata-rubbish/infer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/biendata-rubbish/infer.py -------------------------------------------------------------------------------- /else/biendata-rubbish/net/model_arcface.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/biendata-rubbish/net/model_arcface.py -------------------------------------------------------------------------------- /else/biendata-rubbish/utils/dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/biendata-rubbish/utils/dataset.py -------------------------------------------------------------------------------- /else/biendata-rubbish/utils/ranger.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/biendata-rubbish/utils/ranger.py -------------------------------------------------------------------------------- /else/biendata-rubbish/utils/sam.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/biendata-rubbish/utils/sam.py -------------------------------------------------------------------------------- /else/data_lake/car/Dockerfile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/data_lake/car/Dockerfile -------------------------------------------------------------------------------- /else/data_lake/car/debug.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/data_lake/car/debug.py -------------------------------------------------------------------------------- /else/data_lake/car/docker_command.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/data_lake/car/docker_command.md -------------------------------------------------------------------------------- /else/data_lake/car/net.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/data_lake/car/net.py -------------------------------------------------------------------------------- /else/data_lake/car/predict.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/data_lake/car/predict.py -------------------------------------------------------------------------------- /else/data_lake/car/process.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/data_lake/car/process.py -------------------------------------------------------------------------------- /else/data_lake/car/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/data_lake/car/train.py -------------------------------------------------------------------------------- /else/data_lake/car/train.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/data_lake/car/train.sh -------------------------------------------------------------------------------- /else/data_lake/car/utils/dataset_albu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/data_lake/car/utils/dataset_albu.py -------------------------------------------------------------------------------- /else/data_lake/car/utils/dataset_easy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/data_lake/car/utils/dataset_easy.py -------------------------------------------------------------------------------- /else/data_lake/car/utils/ranger.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/data_lake/car/utils/ranger.py -------------------------------------------------------------------------------- /else/data_lake/car/算法说明文档.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/data_lake/car/算法说明文档.md -------------------------------------------------------------------------------- /else/data_lake/person/Dockerfile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/data_lake/person/Dockerfile -------------------------------------------------------------------------------- /else/data_lake/person/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/data_lake/person/README.md -------------------------------------------------------------------------------- /else/data_lake/person/net.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/data_lake/person/net.py -------------------------------------------------------------------------------- /else/data_lake/person/predict.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/data_lake/person/predict.py -------------------------------------------------------------------------------- /else/data_lake/person/process.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/data_lake/person/process.py -------------------------------------------------------------------------------- /else/data_lake/person/test.sh: -------------------------------------------------------------------------------- 1 | python predict.py -------------------------------------------------------------------------------- /else/data_lake/person/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/data_lake/person/train.py -------------------------------------------------------------------------------- /else/data_lake/person/train.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/data_lake/person/train.sh -------------------------------------------------------------------------------- /else/data_lake/person/utils/dataset_albu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/data_lake/person/utils/dataset_albu.py -------------------------------------------------------------------------------- /else/data_lake/person/utils/dataset_easy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/data_lake/person/utils/dataset_easy.py -------------------------------------------------------------------------------- /else/data_lake/person/utils/ranger.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/data_lake/person/utils/ranger.py -------------------------------------------------------------------------------- /else/satellite_image_segmentation/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/satellite_image_segmentation/README.md -------------------------------------------------------------------------------- /else/satellite_image_segmentation/swin_unet_code/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/satellite_image_segmentation/swin_unet_code/config.py -------------------------------------------------------------------------------- /else/satellite_image_segmentation/swin_unet_code/docker/Dockerfile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/satellite_image_segmentation/swin_unet_code/docker/Dockerfile -------------------------------------------------------------------------------- /else/satellite_image_segmentation/swin_unet_code/losses/dice.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/satellite_image_segmentation/swin_unet_code/losses/dice.py -------------------------------------------------------------------------------- /else/satellite_image_segmentation/swin_unet_code/losses/focal.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/satellite_image_segmentation/swin_unet_code/losses/focal.py -------------------------------------------------------------------------------- /else/satellite_image_segmentation/swin_unet_code/losses/jaccard.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/satellite_image_segmentation/swin_unet_code/losses/jaccard.py -------------------------------------------------------------------------------- /else/satellite_image_segmentation/swin_unet_code/losses/lovasz.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/satellite_image_segmentation/swin_unet_code/losses/lovasz.py -------------------------------------------------------------------------------- /else/satellite_image_segmentation/swin_unet_code/run.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/satellite_image_segmentation/swin_unet_code/run.py -------------------------------------------------------------------------------- /else/satellite_image_segmentation/swin_unet_code/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/satellite_image_segmentation/swin_unet_code/train.py -------------------------------------------------------------------------------- /else/satellite_image_segmentation/swin_unet_code/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/satellite_image_segmentation/swin_unet_code/utils.py -------------------------------------------------------------------------------- /else/satellite_image_segmentation/swin_unet_code/utils/help.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/satellite_image_segmentation/swin_unet_code/utils/help.py -------------------------------------------------------------------------------- /else/satellite_image_segmentation/swin_unet_code/utils/log.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/satellite_image_segmentation/swin_unet_code/utils/log.py -------------------------------------------------------------------------------- /else/satellite_image_segmentation/swin_unet_code/utils/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/satellite_image_segmentation/swin_unet_code/utils/utils.py -------------------------------------------------------------------------------- /else/swin_unet_code_local/Dockerfile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/swin_unet_code_local/Dockerfile -------------------------------------------------------------------------------- /else/swin_unet_code_local/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/swin_unet_code_local/README.md -------------------------------------------------------------------------------- /else/swin_unet_code_local/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/swin_unet_code_local/config.py -------------------------------------------------------------------------------- /else/swin_unet_code_local/configs/swin_base.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/swin_unet_code_local/configs/swin_base.yaml -------------------------------------------------------------------------------- /else/swin_unet_code_local/datasets/RSCDataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/swin_unet_code_local/datasets/RSCDataset.py -------------------------------------------------------------------------------- /else/swin_unet_code_local/datasets/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/swin_unet_code_local/datasets/__init__.py -------------------------------------------------------------------------------- /else/swin_unet_code_local/datasets/dataset_synapse.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/swin_unet_code_local/datasets/dataset_synapse.py -------------------------------------------------------------------------------- /else/swin_unet_code_local/datasets/transform.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/swin_unet_code_local/datasets/transform.py -------------------------------------------------------------------------------- /else/swin_unet_code_local/debug.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/swin_unet_code_local/debug.py -------------------------------------------------------------------------------- /else/swin_unet_code_local/demo/color150.mat: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/swin_unet_code_local/demo/color150.mat -------------------------------------------------------------------------------- /else/swin_unet_code_local/infer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/swin_unet_code_local/infer.py -------------------------------------------------------------------------------- /else/swin_unet_code_local/losses/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/swin_unet_code_local/losses/__init__.py -------------------------------------------------------------------------------- /else/swin_unet_code_local/losses/_functional.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/swin_unet_code_local/losses/_functional.py -------------------------------------------------------------------------------- /else/swin_unet_code_local/losses/constants.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/swin_unet_code_local/losses/constants.py -------------------------------------------------------------------------------- /else/swin_unet_code_local/losses/dice.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/swin_unet_code_local/losses/dice.py -------------------------------------------------------------------------------- /else/swin_unet_code_local/losses/focal.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/swin_unet_code_local/losses/focal.py -------------------------------------------------------------------------------- /else/swin_unet_code_local/losses/jaccard.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/swin_unet_code_local/losses/jaccard.py -------------------------------------------------------------------------------- /else/swin_unet_code_local/losses/lovasz.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/swin_unet_code_local/losses/lovasz.py -------------------------------------------------------------------------------- /else/swin_unet_code_local/losses/soft_bce.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/swin_unet_code_local/losses/soft_bce.py -------------------------------------------------------------------------------- /else/swin_unet_code_local/losses/soft_ce.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/swin_unet_code_local/losses/soft_ce.py -------------------------------------------------------------------------------- /else/swin_unet_code_local/losses/tversky.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/swin_unet_code_local/losses/tversky.py -------------------------------------------------------------------------------- /else/swin_unet_code_local/networks/vision_transformer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/swin_unet_code_local/networks/vision_transformer.py -------------------------------------------------------------------------------- /else/swin_unet_code_local/plot_lr.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/swin_unet_code_local/plot_lr.py -------------------------------------------------------------------------------- /else/swin_unet_code_local/pretrained_ckpt/load_lr.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/swin_unet_code_local/pretrained_ckpt/load_lr.md -------------------------------------------------------------------------------- /else/swin_unet_code_local/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/swin_unet_code_local/train.py -------------------------------------------------------------------------------- /else/swin_unet_code_local/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/swin_unet_code_local/utils.py -------------------------------------------------------------------------------- /else/swin_unet_code_local/utils/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/swin_unet_code_local/utils/__init__.py -------------------------------------------------------------------------------- /else/swin_unet_code_local/utils/custom_lr.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/swin_unet_code_local/utils/custom_lr.py -------------------------------------------------------------------------------- /else/swin_unet_code_local/utils/deeplearning.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/swin_unet_code_local/utils/deeplearning.py -------------------------------------------------------------------------------- /else/swin_unet_code_local/utils/help.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/swin_unet_code_local/utils/help.py -------------------------------------------------------------------------------- /else/swin_unet_code_local/utils/log.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/swin_unet_code_local/utils/log.py -------------------------------------------------------------------------------- /else/swin_unet_code_local/utils/make_train_val.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/swin_unet_code_local/utils/make_train_val.py -------------------------------------------------------------------------------- /else/swin_unet_code_local/utils/metric.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/swin_unet_code_local/utils/metric.py -------------------------------------------------------------------------------- /else/swin_unet_code_local/utils/ranger.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/swin_unet_code_local/utils/ranger.py -------------------------------------------------------------------------------- /else/swin_unet_code_local/utils/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/swin_unet_code_local/utils/utils.py -------------------------------------------------------------------------------- /else/wechat2021/PCA.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/wechat2021/PCA.py -------------------------------------------------------------------------------- /else/wechat2021/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/wechat2021/README.md -------------------------------------------------------------------------------- /else/wechat2021/comm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/wechat2021/comm.py -------------------------------------------------------------------------------- /else/wechat2021/deep_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/wechat2021/deep_model.py -------------------------------------------------------------------------------- /else/wechat2021/deepfm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/wechat2021/deepfm.py -------------------------------------------------------------------------------- /else/wechat2021/evaluation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/wechat2021/evaluation.py -------------------------------------------------------------------------------- /else/wechat2021/frt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/wechat2021/frt.py -------------------------------------------------------------------------------- /else/wechat2021/lgb.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/wechat2021/lgb.py -------------------------------------------------------------------------------- /else/天马杯--AI+z智能质检/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/天马杯--AI+z智能质检/README.md -------------------------------------------------------------------------------- /else/天马杯--AI+z智能质检/code/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/天马杯--AI+z智能质检/code/README.md -------------------------------------------------------------------------------- /else/天马杯--AI+z智能质检/code/datasets/tianma_cup/bayes.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/天马杯--AI+z智能质检/code/datasets/tianma_cup/bayes.py -------------------------------------------------------------------------------- /else/天马杯--AI+z智能质检/code/datasets/tianma_cup/lgb.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/天马杯--AI+z智能质检/code/datasets/tianma_cup/lgb.py -------------------------------------------------------------------------------- /else/天马杯--AI+z智能质检/code/datasets/tianma_cup/lgbm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/天马杯--AI+z智能质检/code/datasets/tianma_cup/lgbm.py -------------------------------------------------------------------------------- /else/天马杯--AI+z智能质检/code/datasets/tianma_cup/make_tsv.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/天马杯--AI+z智能质检/code/datasets/tianma_cup/make_tsv.py -------------------------------------------------------------------------------- /else/天马杯--AI+z智能质检/code/inference/run_c3_infer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/天马杯--AI+z智能质检/code/inference/run_c3_infer.py -------------------------------------------------------------------------------- /else/天马杯--AI+z智能质检/code/inference/run_classifier_infer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/天马杯--AI+z智能质检/code/inference/run_classifier_infer.py -------------------------------------------------------------------------------- /else/天马杯--AI+z智能质检/code/inference/run_classifier_infer_cv.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/天马杯--AI+z智能质检/code/inference/run_classifier_infer_cv.py -------------------------------------------------------------------------------- /else/天马杯--AI+z智能质检/code/inference/run_cmrc_infer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/天马杯--AI+z智能质检/code/inference/run_cmrc_infer.py -------------------------------------------------------------------------------- /else/天马杯--AI+z智能质检/code/inference/run_ner_infer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/天马杯--AI+z智能质检/code/inference/run_ner_infer.py -------------------------------------------------------------------------------- /else/天马杯--AI+z智能质检/code/models/albert_base_config.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/天马杯--AI+z智能质检/code/models/albert_base_config.json -------------------------------------------------------------------------------- /else/天马杯--AI+z智能质检/code/models/albert_large_config.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/天马杯--AI+z智能质检/code/models/albert_large_config.json -------------------------------------------------------------------------------- /else/天马杯--AI+z智能质检/code/models/chinese_roberta_wwm_ext_pytorch/pytorch_model_uer.bin.txt: -------------------------------------------------------------------------------- 1 | pytorch_model_uer.bin -------------------------------------------------------------------------------- /else/天马杯--AI+z智能质检/code/models/cnn_config.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/天马杯--AI+z智能质检/code/models/cnn_config.json -------------------------------------------------------------------------------- /else/天马杯--AI+z智能质检/code/models/gatedcnn_13_config.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/天马杯--AI+z智能质检/code/models/gatedcnn_13_config.json -------------------------------------------------------------------------------- /else/天马杯--AI+z智能质检/code/models/gatedcnn_9_config.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/天马杯--AI+z智能质检/code/models/gatedcnn_9_config.json -------------------------------------------------------------------------------- /else/天马杯--AI+z智能质检/code/models/google_config.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/天马杯--AI+z智能质检/code/models/google_config.json -------------------------------------------------------------------------------- /else/天马杯--AI+z智能质检/code/models/google_zh_vocab.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/天马杯--AI+z智能质检/code/models/google_zh_vocab.txt -------------------------------------------------------------------------------- /else/天马杯--AI+z智能质检/code/models/reserved_vocab.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/天马杯--AI+z智能质检/code/models/reserved_vocab.txt -------------------------------------------------------------------------------- /else/天马杯--AI+z智能质检/code/models/rnn_config.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/天马杯--AI+z智能质检/code/models/rnn_config.json -------------------------------------------------------------------------------- /else/天马杯--AI+z智能质检/code/models/synt_dense_base_config.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/天马杯--AI+z智能质检/code/models/synt_dense_base_config.json -------------------------------------------------------------------------------- /else/天马杯--AI+z智能质检/code/preprocess.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/天马杯--AI+z智能质检/code/preprocess.py -------------------------------------------------------------------------------- /else/天马杯--AI+z智能质检/code/pretrain.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/天马杯--AI+z智能质检/code/pretrain.py -------------------------------------------------------------------------------- /else/天马杯--AI+z智能质检/code/qyl_custom/data_analyze.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/天马杯--AI+z智能质检/code/qyl_custom/data_analyze.py -------------------------------------------------------------------------------- /else/天马杯--AI+z智能质检/code/qyl_custom/infer_cv_tianma.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/天马杯--AI+z智能质检/code/qyl_custom/infer_cv_tianma.sh -------------------------------------------------------------------------------- /else/天马杯--AI+z智能质检/code/qyl_custom/infer_single_tianma.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/天马杯--AI+z智能质检/code/qyl_custom/infer_single_tianma.sh -------------------------------------------------------------------------------- /else/天马杯--AI+z智能质检/code/qyl_custom/post_process.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/天马杯--AI+z智能质检/code/qyl_custom/post_process.py -------------------------------------------------------------------------------- /else/天马杯--AI+z智能质检/code/qyl_custom/prepare.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/天马杯--AI+z智能质检/code/qyl_custom/prepare.sh -------------------------------------------------------------------------------- /else/天马杯--AI+z智能质检/code/qyl_custom/train_kfold_ccf.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/天马杯--AI+z智能质检/code/qyl_custom/train_kfold_ccf.sh -------------------------------------------------------------------------------- /else/天马杯--AI+z智能质检/code/qyl_custom/train_kfold_tianma.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/天马杯--AI+z智能质检/code/qyl_custom/train_kfold_tianma.sh -------------------------------------------------------------------------------- /else/天马杯--AI+z智能质检/code/qyl_custom/train_single_large_tianma.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/天马杯--AI+z智能质检/code/qyl_custom/train_single_large_tianma.sh -------------------------------------------------------------------------------- /else/天马杯--AI+z智能质检/code/qyl_custom/train_single_tianma.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/天马杯--AI+z智能质检/code/qyl_custom/train_single_tianma.sh -------------------------------------------------------------------------------- /else/天马杯--AI+z智能质检/code/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/天马杯--AI+z智能质检/code/requirements.txt -------------------------------------------------------------------------------- /else/天马杯--AI+z智能质检/code/run_c3.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/天马杯--AI+z智能质检/code/run_c3.py -------------------------------------------------------------------------------- /else/天马杯--AI+z智能质检/code/run_chid.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/天马杯--AI+z智能质检/code/run_chid.py -------------------------------------------------------------------------------- /else/天马杯--AI+z智能质检/code/run_classifier.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/天马杯--AI+z智能质检/code/run_classifier.py -------------------------------------------------------------------------------- /else/天马杯--AI+z智能质检/code/run_classifier_cv.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/天马杯--AI+z智能质检/code/run_classifier_cv.py -------------------------------------------------------------------------------- /else/天马杯--AI+z智能质检/code/run_cmrc.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/天马杯--AI+z智能质检/code/run_cmrc.py -------------------------------------------------------------------------------- /else/天马杯--AI+z智能质检/code/run_dbqa.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/天马杯--AI+z智能质检/code/run_dbqa.py -------------------------------------------------------------------------------- /else/天马杯--AI+z智能质检/code/run_mt_classifier.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/天马杯--AI+z智能质检/code/run_mt_classifier.py -------------------------------------------------------------------------------- /else/天马杯--AI+z智能质检/code/run_ner.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/天马杯--AI+z智能质检/code/run_ner.py -------------------------------------------------------------------------------- /else/天马杯--AI+z智能质检/code/scripts/__init__.py: -------------------------------------------------------------------------------- 1 | 2 | -------------------------------------------------------------------------------- /else/天马杯--AI+z智能质检/code/scripts/average_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/天马杯--AI+z智能质检/code/scripts/average_model.py -------------------------------------------------------------------------------- /else/天马杯--AI+z智能质检/code/scripts/build_vocab.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/天马杯--AI+z智能质检/code/scripts/build_vocab.py -------------------------------------------------------------------------------- /else/天马杯--AI+z智能质检/code/scripts/check_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/天马杯--AI+z智能质检/code/scripts/check_model.py -------------------------------------------------------------------------------- /else/天马杯--AI+z智能质检/code/scripts/cloze_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/天马杯--AI+z智能质检/code/scripts/cloze_test.py -------------------------------------------------------------------------------- /else/天马杯--AI+z智能质检/code/scripts/diff_vocab.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/天马杯--AI+z智能质检/code/scripts/diff_vocab.py -------------------------------------------------------------------------------- /else/天马杯--AI+z智能质检/code/scripts/dynamic_vocab_adapter.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/天马杯--AI+z智能质检/code/scripts/dynamic_vocab_adapter.py -------------------------------------------------------------------------------- /else/天马杯--AI+z智能质检/code/scripts/extract_embeddings.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/天马杯--AI+z智能质检/code/scripts/extract_embeddings.py -------------------------------------------------------------------------------- /else/天马杯--AI+z智能质检/code/scripts/extract_features.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/天马杯--AI+z智能质检/code/scripts/extract_features.py -------------------------------------------------------------------------------- /else/天马杯--AI+z智能质检/code/scripts/generate.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/天马杯--AI+z智能质检/code/scripts/generate.py -------------------------------------------------------------------------------- /else/天马杯--AI+z智能质检/code/scripts/multi_single_convert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/天马杯--AI+z智能质检/code/scripts/multi_single_convert.py -------------------------------------------------------------------------------- /else/天马杯--AI+z智能质检/code/scripts/preprocess/CHID_preprocess.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/天马杯--AI+z智能质检/code/scripts/preprocess/CHID_preprocess.py -------------------------------------------------------------------------------- /else/天马杯--AI+z智能质检/code/scripts/run_bayesopt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/天马杯--AI+z智能质检/code/scripts/run_bayesopt.py -------------------------------------------------------------------------------- /else/天马杯--AI+z智能质检/code/scripts/run_lgb.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/天马杯--AI+z智能质检/code/scripts/run_lgb.py -------------------------------------------------------------------------------- /else/天马杯--AI+z智能质检/code/scripts/topn_words_dep.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/天马杯--AI+z智能质检/code/scripts/topn_words_dep.py -------------------------------------------------------------------------------- /else/天马杯--AI+z智能质检/code/scripts/topn_words_indep.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/天马杯--AI+z智能质检/code/scripts/topn_words_indep.py -------------------------------------------------------------------------------- /else/天马杯--AI+z智能质检/code/uer/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /else/天马杯--AI+z智能质检/code/uer/encoders/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /else/天马杯--AI+z智能质检/code/uer/encoders/attn_encoder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/天马杯--AI+z智能质检/code/uer/encoders/attn_encoder.py -------------------------------------------------------------------------------- /else/天马杯--AI+z智能质检/code/uer/encoders/bert_encoder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/天马杯--AI+z智能质检/code/uer/encoders/bert_encoder.py -------------------------------------------------------------------------------- /else/天马杯--AI+z智能质检/code/uer/encoders/birnn_encoder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/天马杯--AI+z智能质检/code/uer/encoders/birnn_encoder.py -------------------------------------------------------------------------------- /else/天马杯--AI+z智能质检/code/uer/encoders/cnn_encoder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/天马杯--AI+z智能质检/code/uer/encoders/cnn_encoder.py -------------------------------------------------------------------------------- /else/天马杯--AI+z智能质检/code/uer/encoders/gpt_encoder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/天马杯--AI+z智能质检/code/uer/encoders/gpt_encoder.py -------------------------------------------------------------------------------- /else/天马杯--AI+z智能质检/code/uer/encoders/mixed_encoder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/天马杯--AI+z智能质检/code/uer/encoders/mixed_encoder.py -------------------------------------------------------------------------------- /else/天马杯--AI+z智能质检/code/uer/encoders/rnn_encoder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/天马杯--AI+z智能质检/code/uer/encoders/rnn_encoder.py -------------------------------------------------------------------------------- /else/天马杯--AI+z智能质检/code/uer/encoders/synt_encoder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/天马杯--AI+z智能质检/code/uer/encoders/synt_encoder.py -------------------------------------------------------------------------------- /else/天马杯--AI+z智能质检/code/uer/layers/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /else/天马杯--AI+z智能质检/code/uer/layers/embeddings.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/天马杯--AI+z智能质检/code/uer/layers/embeddings.py -------------------------------------------------------------------------------- /else/天马杯--AI+z智能质检/code/uer/layers/layer_norm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/天马杯--AI+z智能质检/code/uer/layers/layer_norm.py -------------------------------------------------------------------------------- /else/天马杯--AI+z智能质检/code/uer/layers/multi_headed_attn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/天马杯--AI+z智能质检/code/uer/layers/multi_headed_attn.py -------------------------------------------------------------------------------- /else/天马杯--AI+z智能质检/code/uer/layers/position_ffn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/天马杯--AI+z智能质检/code/uer/layers/position_ffn.py -------------------------------------------------------------------------------- /else/天马杯--AI+z智能质检/code/uer/layers/synthesizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/天马杯--AI+z智能质检/code/uer/layers/synthesizer.py -------------------------------------------------------------------------------- /else/天马杯--AI+z智能质检/code/uer/layers/transformer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/天马杯--AI+z智能质检/code/uer/layers/transformer.py -------------------------------------------------------------------------------- /else/天马杯--AI+z智能质检/code/uer/model_builder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/天马杯--AI+z智能质检/code/uer/model_builder.py -------------------------------------------------------------------------------- /else/天马杯--AI+z智能质检/code/uer/model_loader.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/天马杯--AI+z智能质检/code/uer/model_loader.py -------------------------------------------------------------------------------- /else/天马杯--AI+z智能质检/code/uer/model_saver.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/天马杯--AI+z智能质检/code/uer/model_saver.py -------------------------------------------------------------------------------- /else/天马杯--AI+z智能质检/code/uer/models/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /else/天马杯--AI+z智能质检/code/uer/models/model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/天马杯--AI+z智能质检/code/uer/models/model.py -------------------------------------------------------------------------------- /else/天马杯--AI+z智能质检/code/uer/subencoders/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /else/天马杯--AI+z智能质检/code/uer/subencoders/avg_subencoder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/天马杯--AI+z智能质检/code/uer/subencoders/avg_subencoder.py -------------------------------------------------------------------------------- /else/天马杯--AI+z智能质检/code/uer/subencoders/cnn_subencoder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/天马杯--AI+z智能质检/code/uer/subencoders/cnn_subencoder.py -------------------------------------------------------------------------------- /else/天马杯--AI+z智能质检/code/uer/subencoders/rnn_subencoder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/天马杯--AI+z智能质检/code/uer/subencoders/rnn_subencoder.py -------------------------------------------------------------------------------- /else/天马杯--AI+z智能质检/code/uer/targets/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /else/天马杯--AI+z智能质检/code/uer/targets/albert_target.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/天马杯--AI+z智能质检/code/uer/targets/albert_target.py -------------------------------------------------------------------------------- /else/天马杯--AI+z智能质检/code/uer/targets/bert_target.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/天马杯--AI+z智能质检/code/uer/targets/bert_target.py -------------------------------------------------------------------------------- /else/天马杯--AI+z智能质检/code/uer/targets/bilm_target.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/天马杯--AI+z智能质检/code/uer/targets/bilm_target.py -------------------------------------------------------------------------------- /else/天马杯--AI+z智能质检/code/uer/targets/cls_target.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/天马杯--AI+z智能质检/code/uer/targets/cls_target.py -------------------------------------------------------------------------------- /else/天马杯--AI+z智能质检/code/uer/targets/lm_target.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/天马杯--AI+z智能质检/code/uer/targets/lm_target.py -------------------------------------------------------------------------------- /else/天马杯--AI+z智能质检/code/uer/targets/mlm_target.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/天马杯--AI+z智能质检/code/uer/targets/mlm_target.py -------------------------------------------------------------------------------- /else/天马杯--AI+z智能质检/code/uer/targets/nsp_target.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/天马杯--AI+z智能质检/code/uer/targets/nsp_target.py -------------------------------------------------------------------------------- /else/天马杯--AI+z智能质检/code/uer/trainer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/天马杯--AI+z智能质检/code/uer/trainer.py -------------------------------------------------------------------------------- /else/天马杯--AI+z智能质检/code/uer/utils/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /else/天马杯--AI+z智能质检/code/uer/utils/act_fun.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/天马杯--AI+z智能质检/code/uer/utils/act_fun.py -------------------------------------------------------------------------------- /else/天马杯--AI+z智能质检/code/uer/utils/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/天马杯--AI+z智能质检/code/uer/utils/config.py -------------------------------------------------------------------------------- /else/天马杯--AI+z智能质检/code/uer/utils/constants.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/天马杯--AI+z智能质检/code/uer/utils/constants.py -------------------------------------------------------------------------------- /else/天马杯--AI+z智能质检/code/uer/utils/data.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/天马杯--AI+z智能质检/code/uer/utils/data.py -------------------------------------------------------------------------------- /else/天马杯--AI+z智能质检/code/uer/utils/misc.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/天马杯--AI+z智能质检/code/uer/utils/misc.py -------------------------------------------------------------------------------- /else/天马杯--AI+z智能质检/code/uer/utils/optimizers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/天马杯--AI+z智能质检/code/uer/utils/optimizers.py -------------------------------------------------------------------------------- /else/天马杯--AI+z智能质检/code/uer/utils/seed.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/天马杯--AI+z智能质检/code/uer/utils/seed.py -------------------------------------------------------------------------------- /else/天马杯--AI+z智能质检/code/uer/utils/subword.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/天马杯--AI+z智能质检/code/uer/utils/subword.py -------------------------------------------------------------------------------- /else/天马杯--AI+z智能质检/code/uer/utils/tokenizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/天马杯--AI+z智能质检/code/uer/utils/tokenizer.py -------------------------------------------------------------------------------- /else/天马杯--AI+z智能质检/code/uer/utils/vocab.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/天马杯--AI+z智能质检/code/uer/utils/vocab.py -------------------------------------------------------------------------------- /else/天马杯--AI+z智能质检/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/天马杯--AI+z智能质检/requirements.txt -------------------------------------------------------------------------------- /else/招商银行2021FinTech/EDA-baseline.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/招商银行2021FinTech/EDA-baseline.ipynb -------------------------------------------------------------------------------- /else/招商银行2021FinTech/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/招商银行2021FinTech/README.md -------------------------------------------------------------------------------- /else/招商银行2021FinTech/lgb_day_LB_0.117.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/招商银行2021FinTech/lgb_day_LB_0.117.py -------------------------------------------------------------------------------- /else/招商银行2021FinTech/lgb_day_timeSeries.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/招商银行2021FinTech/lgb_day_timeSeries.py -------------------------------------------------------------------------------- /else/招商银行2021FinTech/lgb_half_hour_LB_0.262.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/招商银行2021FinTech/lgb_half_hour_LB_0.262.py -------------------------------------------------------------------------------- /else/招商银行2021FinTech/lgb_half_hour_timeSeries.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/招商银行2021FinTech/lgb_half_hour_timeSeries.py -------------------------------------------------------------------------------- /else/福字分类/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/福字分类/README.md -------------------------------------------------------------------------------- /else/福字分类/fu-classify.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/else/福字分类/fu-classify.ipynb -------------------------------------------------------------------------------- /heywhale/LM-Pretrain-Finetune/GPT-2/dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/heywhale/LM-Pretrain-Finetune/GPT-2/dataset.py -------------------------------------------------------------------------------- /heywhale/LM-Pretrain-Finetune/GPT-2/infer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/heywhale/LM-Pretrain-Finetune/GPT-2/infer.py -------------------------------------------------------------------------------- /heywhale/LM-Pretrain-Finetune/GPT-2/model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/heywhale/LM-Pretrain-Finetune/GPT-2/model.py -------------------------------------------------------------------------------- /heywhale/LM-Pretrain-Finetune/GPT-2/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/heywhale/LM-Pretrain-Finetune/GPT-2/train.py -------------------------------------------------------------------------------- /heywhale/LM-Pretrain-Finetune/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/heywhale/LM-Pretrain-Finetune/README.md -------------------------------------------------------------------------------- /heywhale/LM-Pretrain-Finetune/finetune/dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/heywhale/LM-Pretrain-Finetune/finetune/dataset.py -------------------------------------------------------------------------------- /heywhale/LM-Pretrain-Finetune/finetune/debug.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/heywhale/LM-Pretrain-Finetune/finetune/debug.py -------------------------------------------------------------------------------- /heywhale/LM-Pretrain-Finetune/finetune/infer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/heywhale/LM-Pretrain-Finetune/finetune/infer.py -------------------------------------------------------------------------------- /heywhale/LM-Pretrain-Finetune/finetune/modeling_cpt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/heywhale/LM-Pretrain-Finetune/finetune/modeling_cpt.py -------------------------------------------------------------------------------- /heywhale/LM-Pretrain-Finetune/finetune/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/heywhale/LM-Pretrain-Finetune/finetune/train.py -------------------------------------------------------------------------------- /heywhale/LM-Pretrain-Finetune/pretrain/.gitlab-ci.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/heywhale/LM-Pretrain-Finetune/pretrain/.gitlab-ci.yml -------------------------------------------------------------------------------- /heywhale/LM-Pretrain-Finetune/pretrain/LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/heywhale/LM-Pretrain-Finetune/pretrain/LICENSE -------------------------------------------------------------------------------- /heywhale/LM-Pretrain-Finetune/pretrain/MANIFEST.in: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/heywhale/LM-Pretrain-Finetune/pretrain/MANIFEST.in -------------------------------------------------------------------------------- /heywhale/LM-Pretrain-Finetune/pretrain/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/heywhale/LM-Pretrain-Finetune/pretrain/README.md -------------------------------------------------------------------------------- /heywhale/LM-Pretrain-Finetune/pretrain/README_megatron.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/heywhale/LM-Pretrain-Finetune/pretrain/README_megatron.md -------------------------------------------------------------------------------- /heywhale/LM-Pretrain-Finetune/pretrain/convert_to_json.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/heywhale/LM-Pretrain-Finetune/pretrain/convert_to_json.py -------------------------------------------------------------------------------- /heywhale/LM-Pretrain-Finetune/pretrain/data_process.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/heywhale/LM-Pretrain-Finetune/pretrain/data_process.sh -------------------------------------------------------------------------------- /heywhale/LM-Pretrain-Finetune/pretrain/examples/pretrain_gpt.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/heywhale/LM-Pretrain-Finetune/pretrain/examples/pretrain_gpt.sh -------------------------------------------------------------------------------- /heywhale/LM-Pretrain-Finetune/pretrain/examples/pretrain_ict.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/heywhale/LM-Pretrain-Finetune/pretrain/examples/pretrain_ict.sh -------------------------------------------------------------------------------- /heywhale/LM-Pretrain-Finetune/pretrain/examples/pretrain_t5.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/heywhale/LM-Pretrain-Finetune/pretrain/examples/pretrain_t5.sh -------------------------------------------------------------------------------- /heywhale/LM-Pretrain-Finetune/pretrain/megatron/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/heywhale/LM-Pretrain-Finetune/pretrain/megatron/__init__.py -------------------------------------------------------------------------------- /heywhale/LM-Pretrain-Finetune/pretrain/megatron/arguments.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/heywhale/LM-Pretrain-Finetune/pretrain/megatron/arguments.py -------------------------------------------------------------------------------- /heywhale/LM-Pretrain-Finetune/pretrain/megatron/data/Makefile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/heywhale/LM-Pretrain-Finetune/pretrain/megatron/data/Makefile -------------------------------------------------------------------------------- /heywhale/LM-Pretrain-Finetune/pretrain/megatron/data/__init__.py: -------------------------------------------------------------------------------- 1 | from . import indexed_dataset 2 | -------------------------------------------------------------------------------- /heywhale/LM-Pretrain-Finetune/pretrain/megatron/global_vars.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/heywhale/LM-Pretrain-Finetune/pretrain/megatron/global_vars.py -------------------------------------------------------------------------------- /heywhale/LM-Pretrain-Finetune/pretrain/megatron/indexer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/heywhale/LM-Pretrain-Finetune/pretrain/megatron/indexer.py -------------------------------------------------------------------------------- /heywhale/LM-Pretrain-Finetune/pretrain/megatron/initialize.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/heywhale/LM-Pretrain-Finetune/pretrain/megatron/initialize.py -------------------------------------------------------------------------------- /heywhale/LM-Pretrain-Finetune/pretrain/megatron/memory.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/heywhale/LM-Pretrain-Finetune/pretrain/megatron/memory.py -------------------------------------------------------------------------------- /heywhale/LM-Pretrain-Finetune/pretrain/megatron/microbatches.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/heywhale/LM-Pretrain-Finetune/pretrain/megatron/microbatches.py -------------------------------------------------------------------------------- /heywhale/LM-Pretrain-Finetune/pretrain/megatron/model/enums.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/heywhale/LM-Pretrain-Finetune/pretrain/megatron/model/enums.py -------------------------------------------------------------------------------- /heywhale/LM-Pretrain-Finetune/pretrain/megatron/model/module.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/heywhale/LM-Pretrain-Finetune/pretrain/megatron/model/module.py -------------------------------------------------------------------------------- /heywhale/LM-Pretrain-Finetune/pretrain/megatron/model/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/heywhale/LM-Pretrain-Finetune/pretrain/megatron/model/utils.py -------------------------------------------------------------------------------- /heywhale/LM-Pretrain-Finetune/pretrain/megatron/mpu/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/heywhale/LM-Pretrain-Finetune/pretrain/megatron/mpu/__init__.py -------------------------------------------------------------------------------- /heywhale/LM-Pretrain-Finetune/pretrain/megatron/mpu/data.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/heywhale/LM-Pretrain-Finetune/pretrain/megatron/mpu/data.py -------------------------------------------------------------------------------- /heywhale/LM-Pretrain-Finetune/pretrain/megatron/mpu/layers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/heywhale/LM-Pretrain-Finetune/pretrain/megatron/mpu/layers.py -------------------------------------------------------------------------------- /heywhale/LM-Pretrain-Finetune/pretrain/megatron/mpu/mappings.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/heywhale/LM-Pretrain-Finetune/pretrain/megatron/mpu/mappings.py -------------------------------------------------------------------------------- /heywhale/LM-Pretrain-Finetune/pretrain/megatron/mpu/random.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/heywhale/LM-Pretrain-Finetune/pretrain/megatron/mpu/random.py -------------------------------------------------------------------------------- /heywhale/LM-Pretrain-Finetune/pretrain/megatron/mpu/tests/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /heywhale/LM-Pretrain-Finetune/pretrain/megatron/mpu/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/heywhale/LM-Pretrain-Finetune/pretrain/megatron/mpu/utils.py -------------------------------------------------------------------------------- /heywhale/LM-Pretrain-Finetune/pretrain/megatron/package_info.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/heywhale/LM-Pretrain-Finetune/pretrain/megatron/package_info.py -------------------------------------------------------------------------------- /heywhale/LM-Pretrain-Finetune/pretrain/megatron/schedules.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/heywhale/LM-Pretrain-Finetune/pretrain/megatron/schedules.py -------------------------------------------------------------------------------- /heywhale/LM-Pretrain-Finetune/pretrain/megatron/training.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/heywhale/LM-Pretrain-Finetune/pretrain/megatron/training.py -------------------------------------------------------------------------------- /heywhale/LM-Pretrain-Finetune/pretrain/megatron/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/heywhale/LM-Pretrain-Finetune/pretrain/megatron/utils.py -------------------------------------------------------------------------------- /heywhale/LM-Pretrain-Finetune/pretrain/pretrain_bart.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/heywhale/LM-Pretrain-Finetune/pretrain/pretrain_bart.py -------------------------------------------------------------------------------- /heywhale/LM-Pretrain-Finetune/pretrain/pretrain_bert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/heywhale/LM-Pretrain-Finetune/pretrain/pretrain_bert.py -------------------------------------------------------------------------------- /heywhale/LM-Pretrain-Finetune/pretrain/pretrain_cpt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/heywhale/LM-Pretrain-Finetune/pretrain/pretrain_cpt.py -------------------------------------------------------------------------------- /heywhale/LM-Pretrain-Finetune/pretrain/pretrain_gpt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/heywhale/LM-Pretrain-Finetune/pretrain/pretrain_gpt.py -------------------------------------------------------------------------------- /heywhale/LM-Pretrain-Finetune/pretrain/pretrain_hfbert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/heywhale/LM-Pretrain-Finetune/pretrain/pretrain_hfbert.py -------------------------------------------------------------------------------- /heywhale/LM-Pretrain-Finetune/pretrain/pretrain_ict.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/heywhale/LM-Pretrain-Finetune/pretrain/pretrain_ict.py -------------------------------------------------------------------------------- /heywhale/LM-Pretrain-Finetune/pretrain/pretrain_t5.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/heywhale/LM-Pretrain-Finetune/pretrain/pretrain_t5.py -------------------------------------------------------------------------------- /heywhale/LM-Pretrain-Finetune/pretrain/pretrain_vit.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/heywhale/LM-Pretrain-Finetune/pretrain/pretrain_vit.py -------------------------------------------------------------------------------- /heywhale/LM-Pretrain-Finetune/pretrain/requirements.txt: -------------------------------------------------------------------------------- 1 | pybind11 2 | torch 3 | six 4 | regex 5 | numpy 6 | -------------------------------------------------------------------------------- /heywhale/LM-Pretrain-Finetune/pretrain/run_pretrain_bart.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/heywhale/LM-Pretrain-Finetune/pretrain/run_pretrain_bart.sh -------------------------------------------------------------------------------- /heywhale/LM-Pretrain-Finetune/pretrain/run_pretrain_cpt.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/heywhale/LM-Pretrain-Finetune/pretrain/run_pretrain_cpt.sh -------------------------------------------------------------------------------- /heywhale/LM-Pretrain-Finetune/pretrain/setup.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/heywhale/LM-Pretrain-Finetune/pretrain/setup.py -------------------------------------------------------------------------------- /heywhale/LM-Pretrain-Finetune/pretrain/tasks/data_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/heywhale/LM-Pretrain-Finetune/pretrain/tasks/data_utils.py -------------------------------------------------------------------------------- /heywhale/LM-Pretrain-Finetune/pretrain/tasks/eval_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/heywhale/LM-Pretrain-Finetune/pretrain/tasks/eval_utils.py -------------------------------------------------------------------------------- /heywhale/LM-Pretrain-Finetune/pretrain/tasks/finetune_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/heywhale/LM-Pretrain-Finetune/pretrain/tasks/finetune_utils.py -------------------------------------------------------------------------------- /heywhale/LM-Pretrain-Finetune/pretrain/tasks/glue/data.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/heywhale/LM-Pretrain-Finetune/pretrain/tasks/glue/data.py -------------------------------------------------------------------------------- /heywhale/LM-Pretrain-Finetune/pretrain/tasks/glue/finetune.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/heywhale/LM-Pretrain-Finetune/pretrain/tasks/glue/finetune.py -------------------------------------------------------------------------------- /heywhale/LM-Pretrain-Finetune/pretrain/tasks/glue/mnli.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/heywhale/LM-Pretrain-Finetune/pretrain/tasks/glue/mnli.py -------------------------------------------------------------------------------- /heywhale/LM-Pretrain-Finetune/pretrain/tasks/glue/qqp.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/heywhale/LM-Pretrain-Finetune/pretrain/tasks/glue/qqp.py -------------------------------------------------------------------------------- /heywhale/LM-Pretrain-Finetune/pretrain/tasks/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/heywhale/LM-Pretrain-Finetune/pretrain/tasks/main.py -------------------------------------------------------------------------------- /heywhale/LM-Pretrain-Finetune/pretrain/tasks/race/data.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/heywhale/LM-Pretrain-Finetune/pretrain/tasks/race/data.py -------------------------------------------------------------------------------- /heywhale/LM-Pretrain-Finetune/pretrain/tasks/race/finetune.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/heywhale/LM-Pretrain-Finetune/pretrain/tasks/race/finetune.py -------------------------------------------------------------------------------- /heywhale/LM-Pretrain-Finetune/pretrain/tasks/vision/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/heywhale/LM-Pretrain-Finetune/pretrain/tasks/vision/main.py -------------------------------------------------------------------------------- /heywhale/LM-Pretrain-Finetune/pretrain/tests/test_basic.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/heywhale/LM-Pretrain-Finetune/pretrain/tests/test_basic.py -------------------------------------------------------------------------------- /heywhale/LM-Pretrain-Finetune/pretrain/tools/convert2json.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/heywhale/LM-Pretrain-Finetune/pretrain/tools/convert2json.py -------------------------------------------------------------------------------- /heywhale/LM-Pretrain-Finetune/pretrain/tools/convert_ckpt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/heywhale/LM-Pretrain-Finetune/pretrain/tools/convert_ckpt.py -------------------------------------------------------------------------------- /heywhale/LM-Pretrain-Finetune/pretrain/tools/get_node_rank.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/heywhale/LM-Pretrain-Finetune/pretrain/tools/get_node_rank.py -------------------------------------------------------------------------------- /heywhale/LM-Pretrain-Finetune/pretrain/tools/json2text.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/heywhale/LM-Pretrain-Finetune/pretrain/tools/json2text.py -------------------------------------------------------------------------------- /heywhale/LM-Pretrain-Finetune/pretrain/tools/linter.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/heywhale/LM-Pretrain-Finetune/pretrain/tools/linter.py -------------------------------------------------------------------------------- /heywhale/LM-Pretrain-Finetune/pretrain/tools/preprocess_data.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/heywhale/LM-Pretrain-Finetune/pretrain/tools/preprocess_data.py -------------------------------------------------------------------------------- /heywhale/LM-Pretrain-Finetune/pretrain/tools/zh_tokenizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/heywhale/LM-Pretrain-Finetune/pretrain/tools/zh_tokenizer.py -------------------------------------------------------------------------------- /heywhale/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/heywhale/README.md -------------------------------------------------------------------------------- /heywhale/gaiic2022/baseline/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/heywhale/gaiic2022/baseline/README.md -------------------------------------------------------------------------------- /heywhale/gaiic2022/baseline/dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/heywhale/gaiic2022/baseline/dataset.py -------------------------------------------------------------------------------- /heywhale/gaiic2022/baseline/infer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/heywhale/gaiic2022/baseline/infer.py -------------------------------------------------------------------------------- /heywhale/gaiic2022/baseline/make_neg_sample_v1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/heywhale/gaiic2022/baseline/make_neg_sample_v1.py -------------------------------------------------------------------------------- /heywhale/gaiic2022/baseline/net.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/heywhale/gaiic2022/baseline/net.py -------------------------------------------------------------------------------- /heywhale/gaiic2022/baseline/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/heywhale/gaiic2022/baseline/train.py -------------------------------------------------------------------------------- /heywhale/gaiic2022/baseline/train_val.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/heywhale/gaiic2022/baseline/train_val.py -------------------------------------------------------------------------------- /heywhale/gaiic2022/code/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/heywhale/gaiic2022/code/README.md -------------------------------------------------------------------------------- /heywhale/gaiic2022/code/qyl_offline/README.md: -------------------------------------------------------------------------------- 1 | ### 离线数据增强再训练 2 | 3 | - -------------------------------------------------------------------------------- /heywhale/gaiic2022/code/qyl_offline/bert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/heywhale/gaiic2022/code/qyl_offline/bert.py -------------------------------------------------------------------------------- /heywhale/gaiic2022/code/qyl_offline/dataset_bert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/heywhale/gaiic2022/code/qyl_offline/dataset_bert.py -------------------------------------------------------------------------------- /heywhale/gaiic2022/code/qyl_offline/dataset_qyl.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/heywhale/gaiic2022/code/qyl_offline/dataset_qyl.py -------------------------------------------------------------------------------- /heywhale/gaiic2022/code/qyl_offline/make_coarse_attr.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/heywhale/gaiic2022/code/qyl_offline/make_coarse_attr.py -------------------------------------------------------------------------------- /heywhale/gaiic2022/code/qyl_offline/make_coarse_tuwen.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/heywhale/gaiic2022/code/qyl_offline/make_coarse_tuwen.py -------------------------------------------------------------------------------- /heywhale/gaiic2022/code/qyl_offline/make_fine.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/heywhale/gaiic2022/code/qyl_offline/make_fine.py -------------------------------------------------------------------------------- /heywhale/gaiic2022/code/qyl_offline/net_BiLSTM.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/heywhale/gaiic2022/code/qyl_offline/net_BiLSTM.py -------------------------------------------------------------------------------- /heywhale/gaiic2022/code/qyl_offline/net_CNN.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/heywhale/gaiic2022/code/qyl_offline/net_CNN.py -------------------------------------------------------------------------------- /heywhale/gaiic2022/code/qyl_offline/test.sh: -------------------------------------------------------------------------------- 1 | python infer_cnn_lstm_attr_reproduct.py -------------------------------------------------------------------------------- /heywhale/gaiic2022/code/qyl_offline/train.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/heywhale/gaiic2022/code/qyl_offline/train.sh -------------------------------------------------------------------------------- /heywhale/gaiic2022/code/qyl_offline/train_bert_tuwen.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/heywhale/gaiic2022/code/qyl_offline/train_bert_tuwen.py -------------------------------------------------------------------------------- /heywhale/gaiic2022/code/qyl_offline/train_cnn_lstm_attr.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/heywhale/gaiic2022/code/qyl_offline/train_cnn_lstm_attr.py -------------------------------------------------------------------------------- /heywhale/gaiic2022/code/qyl_online/README.md: -------------------------------------------------------------------------------- 1 | ### 在线数据增强版本 2 | 3 | 4 | -------------------------------------------------------------------------------- /heywhale/gaiic2022/code/qyl_online/bert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/heywhale/gaiic2022/code/qyl_online/bert.py -------------------------------------------------------------------------------- /heywhale/gaiic2022/code/qyl_online/dataset_bert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/heywhale/gaiic2022/code/qyl_online/dataset_bert.py -------------------------------------------------------------------------------- /heywhale/gaiic2022/code/qyl_online/dataset_qyl.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/heywhale/gaiic2022/code/qyl_online/dataset_qyl.py -------------------------------------------------------------------------------- /heywhale/gaiic2022/code/qyl_online/infer_bert_tuwen_merge.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/heywhale/gaiic2022/code/qyl_online/infer_bert_tuwen_merge.py -------------------------------------------------------------------------------- /heywhale/gaiic2022/code/qyl_online/merge_tuwen_attr.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/heywhale/gaiic2022/code/qyl_online/merge_tuwen_attr.py -------------------------------------------------------------------------------- /heywhale/gaiic2022/code/qyl_online/net_BiLSTM.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/heywhale/gaiic2022/code/qyl_online/net_BiLSTM.py -------------------------------------------------------------------------------- /heywhale/gaiic2022/code/qyl_online/net_cnn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/heywhale/gaiic2022/code/qyl_online/net_cnn.py -------------------------------------------------------------------------------- /heywhale/gaiic2022/code/qyl_online/test.sh: -------------------------------------------------------------------------------- 1 | python infer_bert_tuwen_reproduct.py -------------------------------------------------------------------------------- /heywhale/gaiic2022/code/qyl_online/train.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/heywhale/gaiic2022/code/qyl_online/train.sh -------------------------------------------------------------------------------- /heywhale/gaiic2022/code/qyl_online/train_bert_attr.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/heywhale/gaiic2022/code/qyl_online/train_bert_attr.py -------------------------------------------------------------------------------- /heywhale/gaiic2022/code/qyl_online/train_bert_tuwen.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/heywhale/gaiic2022/code/qyl_online/train_bert_tuwen.py -------------------------------------------------------------------------------- /heywhale/gaiic2022/code/qyl_online/train_cnn_lstm_attr.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/heywhale/gaiic2022/code/qyl_online/train_cnn_lstm_attr.py -------------------------------------------------------------------------------- /heywhale/人工智能挑战赛/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/heywhale/人工智能挑战赛/README.md -------------------------------------------------------------------------------- /heywhale/人工智能挑战赛/决赛项目_wlx419_best.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/heywhale/人工智能挑战赛/决赛项目_wlx419_best.ipynb -------------------------------------------------------------------------------- /heywhale/人工智能挑战赛/初赛.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/heywhale/人工智能挑战赛/初赛.ipynb -------------------------------------------------------------------------------- /huawei/BDC-2020/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/huawei/BDC-2020/README.md -------------------------------------------------------------------------------- /huawei/BDC-2020/nn/get_feature.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/huawei/BDC-2020/nn/get_feature.py -------------------------------------------------------------------------------- /huawei/BDC-2020/nn/infer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/huawei/BDC-2020/nn/infer.py -------------------------------------------------------------------------------- /huawei/BDC-2020/nn/qyl_nn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/huawei/BDC-2020/nn/qyl_nn.py -------------------------------------------------------------------------------- /huawei/BDC-2020/nn/rnn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/huawei/BDC-2020/nn/rnn.py -------------------------------------------------------------------------------- /huawei/BDC-2020/qyl_2k-haiyang-中间截取.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/huawei/BDC-2020/qyl_2k-haiyang-中间截取.ipynb -------------------------------------------------------------------------------- /huawei/BDC-2020/qyl_2k-haiyang.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/huawei/BDC-2020/qyl_2k-haiyang.ipynb -------------------------------------------------------------------------------- /huawei/BDC-2020/测试数据筛选训练集+伪标签.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/huawei/BDC-2020/测试数据筛选训练集+伪标签.ipynb -------------------------------------------------------------------------------- /huawei/DIGIX2020校园大赛图像检索/LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/huawei/DIGIX2020校园大赛图像检索/LICENSE -------------------------------------------------------------------------------- /huawei/DIGIX2020校园大赛图像检索/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/huawei/DIGIX2020校园大赛图像检索/README.md -------------------------------------------------------------------------------- /huawei/DIGIX2020校园大赛图像检索/cirtorch/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/huawei/DIGIX2020校园大赛图像检索/cirtorch/README.md -------------------------------------------------------------------------------- /huawei/DIGIX2020校园大赛图像检索/config/__init__.py: -------------------------------------------------------------------------------- 1 | from .config import * -------------------------------------------------------------------------------- /huawei/DIGIX2020校园大赛图像检索/config/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/huawei/DIGIX2020校园大赛图像检索/config/config.py -------------------------------------------------------------------------------- /huawei/DIGIX2020校园大赛图像检索/modeling/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/huawei/DIGIX2020校园大赛图像检索/modeling/__init__.py -------------------------------------------------------------------------------- /huawei/DIGIX2020校园大赛图像检索/modeling/batch_norm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/huawei/DIGIX2020校园大赛图像检索/modeling/batch_norm.py -------------------------------------------------------------------------------- /huawei/DIGIX2020校园大赛图像检索/modeling/focal_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/huawei/DIGIX2020校园大赛图像检索/modeling/focal_loss.py -------------------------------------------------------------------------------- /huawei/DIGIX2020校园大赛图像检索/modeling/metric_learning.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/huawei/DIGIX2020校园大赛图像检索/modeling/metric_learning.py -------------------------------------------------------------------------------- /huawei/DIGIX2020校园大赛图像检索/modeling/models.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/huawei/DIGIX2020校园大赛图像检索/modeling/models.py -------------------------------------------------------------------------------- /huawei/DIGIX2020校园大赛图像检索/modeling/pooling.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/huawei/DIGIX2020校园大赛图像检索/modeling/pooling.py -------------------------------------------------------------------------------- /huawei/DIGIX2020校园大赛图像检索/modeling/resnet_csail.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/huawei/DIGIX2020校园大赛图像检索/modeling/resnet_csail.py -------------------------------------------------------------------------------- /huawei/DIGIX2020校园大赛图像检索/submit.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/huawei/DIGIX2020校园大赛图像检索/submit.py -------------------------------------------------------------------------------- /huawei/DIGIX2020校园大赛图像检索/train_arcLoss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/huawei/DIGIX2020校园大赛图像检索/train_arcLoss.py -------------------------------------------------------------------------------- /huawei/DIGIX2020校园大赛图像检索/utils/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/huawei/DIGIX2020校园大赛图像检索/utils/__init__.py -------------------------------------------------------------------------------- /huawei/DIGIX2020校园大赛图像检索/utils/dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/huawei/DIGIX2020校园大赛图像检索/utils/dataset.py -------------------------------------------------------------------------------- /huawei/DIGIX2020校园大赛图像检索/utils/datasetRetri.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/huawei/DIGIX2020校园大赛图像检索/utils/datasetRetri.py -------------------------------------------------------------------------------- /huawei/DIGIX2020校园大赛图像检索/utils/log.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/huawei/DIGIX2020校园大赛图像检索/utils/log.py -------------------------------------------------------------------------------- /huawei/DIGIX2020校园大赛图像检索/utils/mean_std.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/huawei/DIGIX2020校园大赛图像检索/utils/mean_std.py -------------------------------------------------------------------------------- /huawei/DIGIX2020校园大赛图像检索/utils/splitTrainVal.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/huawei/DIGIX2020校园大赛图像检索/utils/splitTrainVal.py -------------------------------------------------------------------------------- /huawei/Huawei-cloud-垃圾分类/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/huawei/Huawei-cloud-垃圾分类/README.md -------------------------------------------------------------------------------- /huawei/Huawei-cloud-垃圾分类/config/__init__.py: -------------------------------------------------------------------------------- 1 | from .config import * -------------------------------------------------------------------------------- /huawei/Huawei-cloud-垃圾分类/config/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/huawei/Huawei-cloud-垃圾分类/config/config.py -------------------------------------------------------------------------------- /huawei/Huawei-cloud-垃圾分类/dataset/val.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/huawei/Huawei-cloud-垃圾分类/dataset/val.txt -------------------------------------------------------------------------------- /huawei/Huawei-cloud-垃圾分类/models/__init__.py: -------------------------------------------------------------------------------- 1 | from .resnet import * -------------------------------------------------------------------------------- /huawei/Huawei-cloud-垃圾分类/models/resnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/huawei/Huawei-cloud-垃圾分类/models/resnet.py -------------------------------------------------------------------------------- /huawei/Huawei-cloud-垃圾分类/obs.PNG: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/huawei/Huawei-cloud-垃圾分类/obs.PNG -------------------------------------------------------------------------------- /huawei/Huawei-cloud-垃圾分类/sub/config.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/huawei/Huawei-cloud-垃圾分类/sub/config.json -------------------------------------------------------------------------------- /huawei/Huawei-cloud-垃圾分类/sub/customize_service.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/huawei/Huawei-cloud-垃圾分类/sub/customize_service.py -------------------------------------------------------------------------------- /huawei/Huawei-cloud-垃圾分类/sub/img_2256.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/huawei/Huawei-cloud-垃圾分类/sub/img_2256.jpg -------------------------------------------------------------------------------- /huawei/Huawei-cloud-垃圾分类/sub/net/__init__.py: -------------------------------------------------------------------------------- 1 | from .resnet import * -------------------------------------------------------------------------------- /huawei/Huawei-cloud-垃圾分类/sub/net/resnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/huawei/Huawei-cloud-垃圾分类/sub/net/resnet.py -------------------------------------------------------------------------------- /huawei/Huawei-cloud-垃圾分类/sub/test_local.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/huawei/Huawei-cloud-垃圾分类/sub/test_local.py -------------------------------------------------------------------------------- /huawei/Huawei-cloud-垃圾分类/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/huawei/Huawei-cloud-垃圾分类/train.py -------------------------------------------------------------------------------- /huawei/Huawei-cloud-垃圾分类/utils/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/huawei/Huawei-cloud-垃圾分类/utils/__init__.py -------------------------------------------------------------------------------- /huawei/Huawei-cloud-垃圾分类/utils/make_txt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/huawei/Huawei-cloud-垃圾分类/utils/make_txt.py -------------------------------------------------------------------------------- /huawei/Huawei-cloud-垃圾分类/utils/rubbish_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/huawei/Huawei-cloud-垃圾分类/utils/rubbish_dataset.py -------------------------------------------------------------------------------- /huawei/Huawei-cloud-垃圾分类/utils/splitTrainVal.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/huawei/Huawei-cloud-垃圾分类/utils/splitTrainVal.py -------------------------------------------------------------------------------- /huawei/Huawei-cloud2020人工智能创新应用大赛--图像分割/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/huawei/Huawei-cloud2020人工智能创新应用大赛--图像分割/README.md -------------------------------------------------------------------------------- /huawei/Huawei-cloud2020人工智能创新应用大赛--图像分割/seg-pytorch/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/huawei/Huawei-cloud2020人工智能创新应用大赛--图像分割/seg-pytorch/README.md -------------------------------------------------------------------------------- /huawei/华为云-云上先锋-垃圾图片分类/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/huawei/华为云-云上先锋-垃圾图片分类/README.md -------------------------------------------------------------------------------- /huawei/华为云-云上先锋-街景图像语义分割/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/huawei/华为云-云上先锋-街景图像语义分割/README.md -------------------------------------------------------------------------------- /huawei/华为云-云上先锋-街景图像语义分割/json_to_png.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/huawei/华为云-云上先锋-街景图像语义分割/json_to_png.py -------------------------------------------------------------------------------- /huawei/华为云-云上先锋-街景图像语义分割/make_city_scape.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/huawei/华为云-云上先锋-街景图像语义分割/make_city_scape.py -------------------------------------------------------------------------------- /kaggle/Cassava Leaf Disease Classification/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/kaggle/Cassava Leaf Disease Classification/README.md -------------------------------------------------------------------------------- /kaggle/Cassava Leaf Disease Classification/debug.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/kaggle/Cassava Leaf Disease Classification/debug.py -------------------------------------------------------------------------------- /kaggle/Cassava Leaf Disease Classification/loss/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/kaggle/Cassava Leaf Disease Classification/loss/__init__.py -------------------------------------------------------------------------------- /kaggle/Cassava Leaf Disease Classification/random_search.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/kaggle/Cassava Leaf Disease Classification/random_search.py -------------------------------------------------------------------------------- /kaggle/Cassava Leaf Disease Classification/test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/kaggle/Cassava Leaf Disease Classification/test.py -------------------------------------------------------------------------------- /kaggle/Cassava Leaf Disease Classification/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/kaggle/Cassava Leaf Disease Classification/train.py -------------------------------------------------------------------------------- /kaggle/Cassava Leaf Disease Classification/train_fix.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/kaggle/Cassava Leaf Disease Classification/train_fix.py -------------------------------------------------------------------------------- /kaggle/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/kaggle/README.md -------------------------------------------------------------------------------- /kaggle/shopee/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/kaggle/shopee/README.md -------------------------------------------------------------------------------- /kaggle/shopee/analyze.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/kaggle/shopee/analyze.py -------------------------------------------------------------------------------- /kaggle/shopee/cirtorch/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/kaggle/shopee/cirtorch/README.md -------------------------------------------------------------------------------- /kaggle/shopee/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/kaggle/shopee/config.py -------------------------------------------------------------------------------- /kaggle/shopee/debug.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/kaggle/shopee/debug.py -------------------------------------------------------------------------------- /kaggle/shopee/model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/kaggle/shopee/model.py -------------------------------------------------------------------------------- /kaggle/shopee/model_swin.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/kaggle/shopee/model_swin.py -------------------------------------------------------------------------------- /kaggle/shopee/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/kaggle/shopee/train.py -------------------------------------------------------------------------------- /kaggle/shopee/train_swin.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/kaggle/shopee/train_swin.py -------------------------------------------------------------------------------- /kaggle/shopee/utils-shopee/augmentations.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/kaggle/shopee/utils-shopee/augmentations.py -------------------------------------------------------------------------------- /kaggle/shopee/utils-shopee/custom_mish.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/kaggle/shopee/utils-shopee/custom_mish.py -------------------------------------------------------------------------------- /kaggle/shopee/utils-shopee/custom_scheduler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/kaggle/shopee/utils-shopee/custom_scheduler.py -------------------------------------------------------------------------------- /kaggle/shopee/utils-shopee/dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/kaggle/shopee/utils-shopee/dataset.py -------------------------------------------------------------------------------- /kaggle/shopee/utils-shopee/engine.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/kaggle/shopee/utils-shopee/engine.py -------------------------------------------------------------------------------- /kaggle/shopee/utils-shopee/ranger.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/kaggle/shopee/utils-shopee/ranger.py -------------------------------------------------------------------------------- /tianchi/2021-AI-Earth/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/2021-AI-Earth/README.md -------------------------------------------------------------------------------- /tianchi/2021-AI-Earth/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/2021-AI-Earth/config.py -------------------------------------------------------------------------------- /tianchi/2021-AI-Earth/docker_submit_cnnlstm/Dockerfile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/2021-AI-Earth/docker_submit_cnnlstm/Dockerfile -------------------------------------------------------------------------------- /tianchi/2021-AI-Earth/docker_submit_cnnlstm/infer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/2021-AI-Earth/docker_submit_cnnlstm/infer.py -------------------------------------------------------------------------------- /tianchi/2021-AI-Earth/docker_submit_cnnlstm/land_mask.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/2021-AI-Earth/docker_submit_cnnlstm/land_mask.txt -------------------------------------------------------------------------------- /tianchi/2021-AI-Earth/docker_submit_cnnlstm/run.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/2021-AI-Earth/docker_submit_cnnlstm/run.sh -------------------------------------------------------------------------------- /tianchi/2021-AI-Earth/docker_submit_cnnlstm/utils_new.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/2021-AI-Earth/docker_submit_cnnlstm/utils_new.py -------------------------------------------------------------------------------- /tianchi/2021-AI-Earth/land_mask.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/2021-AI-Earth/land_mask.txt -------------------------------------------------------------------------------- /tianchi/2021-AI-Earth/log.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/2021-AI-Earth/log.py -------------------------------------------------------------------------------- /tianchi/2021-AI-Earth/metrics.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/2021-AI-Earth/metrics.py -------------------------------------------------------------------------------- /tianchi/2021-AI-Earth/model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/2021-AI-Earth/model.py -------------------------------------------------------------------------------- /tianchi/2021-AI-Earth/nino_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/2021-AI-Earth/nino_dataset.py -------------------------------------------------------------------------------- /tianchi/2021-AI-Earth/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/2021-AI-Earth/train.py -------------------------------------------------------------------------------- /tianchi/2021-AI-Earth/utils_new.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/2021-AI-Earth/utils_new.py -------------------------------------------------------------------------------- /tianchi/2021-Guangdong-Competition/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/2021-Guangdong-Competition/README.md -------------------------------------------------------------------------------- /tianchi/2021-Guangdong-Competition/convert_to_voc.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/2021-Guangdong-Competition/convert_to_voc.py -------------------------------------------------------------------------------- /tianchi/2021-Guangdong-Competition/convert_voc_to_v5txt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/2021-Guangdong-Competition/convert_voc_to_v5txt.py -------------------------------------------------------------------------------- /tianchi/2021-Guangdong-Competition/draw_bbox.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/2021-Guangdong-Competition/draw_bbox.py -------------------------------------------------------------------------------- /tianchi/2021-Guangdong-Competition/infer_slice_title.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/2021-Guangdong-Competition/infer_slice_title.py -------------------------------------------------------------------------------- /tianchi/2021-Guangdong-Competition/make_slice_voc.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/2021-Guangdong-Competition/make_slice_voc.py -------------------------------------------------------------------------------- /tianchi/2021-Guangdong-Competition/make_voc_train_val.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/2021-Guangdong-Competition/make_voc_train_val.py -------------------------------------------------------------------------------- /tianchi/2021-Guangdong-Competition/make_yolov5_train_val.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/2021-Guangdong-Competition/make_yolov5_train_val.py -------------------------------------------------------------------------------- /tianchi/2021-Guangdong-Competition/voc_to_coco.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/2021-Guangdong-Competition/voc_to_coco.py -------------------------------------------------------------------------------- /tianchi/2021-Guangdong-Competition/wbf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/2021-Guangdong-Competition/wbf.py -------------------------------------------------------------------------------- /tianchi/2021-Guangdong-Competition/yolov5/data/coco.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/2021-Guangdong-Competition/yolov5/data/coco.yaml -------------------------------------------------------------------------------- /tianchi/2021-Guangdong-Competition/yolov5/data/coco128.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/2021-Guangdong-Competition/yolov5/data/coco128.yaml -------------------------------------------------------------------------------- /tianchi/2021-Guangdong-Competition/yolov5/data/get_coco2017.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/2021-Guangdong-Competition/yolov5/data/get_coco2017.sh -------------------------------------------------------------------------------- /tianchi/2021-Guangdong-Competition/yolov5/data/get_voc.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/2021-Guangdong-Competition/yolov5/data/get_voc.sh -------------------------------------------------------------------------------- /tianchi/2021-Guangdong-Competition/yolov5/data/tile.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/2021-Guangdong-Competition/yolov5/data/tile.yaml -------------------------------------------------------------------------------- /tianchi/2021-Guangdong-Competition/yolov5/data/voc.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/2021-Guangdong-Competition/yolov5/data/voc.yaml -------------------------------------------------------------------------------- /tianchi/2021-Guangdong-Competition/yolov5/hubconf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/2021-Guangdong-Competition/yolov5/hubconf.py -------------------------------------------------------------------------------- /tianchi/2021-Guangdong-Competition/yolov5/infer_slice_title.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/2021-Guangdong-Competition/yolov5/infer_slice_title.py -------------------------------------------------------------------------------- /tianchi/2021-Guangdong-Competition/yolov5/infer_tile.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/2021-Guangdong-Competition/yolov5/infer_tile.py -------------------------------------------------------------------------------- /tianchi/2021-Guangdong-Competition/yolov5/models/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tianchi/2021-Guangdong-Competition/yolov5/models/common.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/2021-Guangdong-Competition/yolov5/models/common.py -------------------------------------------------------------------------------- /tianchi/2021-Guangdong-Competition/yolov5/models/export.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/2021-Guangdong-Competition/yolov5/models/export.py -------------------------------------------------------------------------------- /tianchi/2021-Guangdong-Competition/yolov5/models/yolo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/2021-Guangdong-Competition/yolov5/models/yolo.py -------------------------------------------------------------------------------- /tianchi/2021-Guangdong-Competition/yolov5/models/yolov5l.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/2021-Guangdong-Competition/yolov5/models/yolov5l.yaml -------------------------------------------------------------------------------- /tianchi/2021-Guangdong-Competition/yolov5/models/yolov5m.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/2021-Guangdong-Competition/yolov5/models/yolov5m.yaml -------------------------------------------------------------------------------- /tianchi/2021-Guangdong-Competition/yolov5/models/yolov5s.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/2021-Guangdong-Competition/yolov5/models/yolov5s.yaml -------------------------------------------------------------------------------- /tianchi/2021-Guangdong-Competition/yolov5/models/yolov5x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/2021-Guangdong-Competition/yolov5/models/yolov5x.yaml -------------------------------------------------------------------------------- /tianchi/2021-Guangdong-Competition/yolov5/test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/2021-Guangdong-Competition/yolov5/test.py -------------------------------------------------------------------------------- /tianchi/2021-Guangdong-Competition/yolov5/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/2021-Guangdong-Competition/yolov5/train.py -------------------------------------------------------------------------------- /tianchi/2021-Guangdong-Competition/yolov5/utils/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tianchi/2021-Guangdong-Competition/yolov5/utils/activations.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/2021-Guangdong-Competition/yolov5/utils/activations.py -------------------------------------------------------------------------------- /tianchi/2021-Guangdong-Competition/yolov5/utils/datasets.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/2021-Guangdong-Competition/yolov5/utils/datasets.py -------------------------------------------------------------------------------- /tianchi/2021-Guangdong-Competition/yolov5/utils/google_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/2021-Guangdong-Competition/yolov5/utils/google_utils.py -------------------------------------------------------------------------------- /tianchi/2021-Guangdong-Competition/yolov5/utils/torch_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/2021-Guangdong-Competition/yolov5/utils/torch_utils.py -------------------------------------------------------------------------------- /tianchi/2021-Guangdong-Competition/yolov5/utils/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/2021-Guangdong-Competition/yolov5/utils/utils.py -------------------------------------------------------------------------------- /tianchi/2021全国数字生态创新大赛-高分辨率遥感影像分割/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/2021全国数字生态创新大赛-高分辨率遥感影像分割/README.md -------------------------------------------------------------------------------- /tianchi/2021全国数字生态创新大赛-高分辨率遥感影像分割/dataset/RSCDataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/2021全国数字生态创新大赛-高分辨率遥感影像分割/dataset/RSCDataset.py -------------------------------------------------------------------------------- /tianchi/2021全国数字生态创新大赛-高分辨率遥感影像分割/dataset/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/2021全国数字生态创新大赛-高分辨率遥感影像分割/dataset/__init__.py -------------------------------------------------------------------------------- /tianchi/2021全国数字生态创新大赛-高分辨率遥感影像分割/dataset/transform.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/2021全国数字生态创新大赛-高分辨率遥感影像分割/dataset/transform.py -------------------------------------------------------------------------------- /tianchi/2021全国数字生态创新大赛-高分辨率遥感影像分割/demo/color150.mat: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/2021全国数字生态创新大赛-高分辨率遥感影像分割/demo/color150.mat -------------------------------------------------------------------------------- /tianchi/2021全国数字生态创新大赛-高分辨率遥感影像分割/infer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/2021全国数字生态创新大赛-高分辨率遥感影像分割/infer.py -------------------------------------------------------------------------------- /tianchi/2021全国数字生态创新大赛-高分辨率遥感影像分割/make_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/2021全国数字生态创新大赛-高分辨率遥感影像分割/make_dataset.py -------------------------------------------------------------------------------- /tianchi/2021全国数字生态创新大赛-高分辨率遥感影像分割/test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/2021全国数字生态创新大赛-高分辨率遥感影像分割/test.py -------------------------------------------------------------------------------- /tianchi/2021全国数字生态创新大赛-高分辨率遥感影像分割/tif_jpg.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/2021全国数字生态创新大赛-高分辨率遥感影像分割/tif_jpg.py -------------------------------------------------------------------------------- /tianchi/2021全国数字生态创新大赛-高分辨率遥感影像分割/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/2021全国数字生态创新大赛-高分辨率遥感影像分割/train.py -------------------------------------------------------------------------------- /tianchi/2021全国数字生态创新大赛-高分辨率遥感影像分割/utils/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/2021全国数字生态创新大赛-高分辨率遥感影像分割/utils/__init__.py -------------------------------------------------------------------------------- /tianchi/2021全国数字生态创新大赛-高分辨率遥感影像分割/utils/deeplearning.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/2021全国数字生态创新大赛-高分辨率遥感影像分割/utils/deeplearning.py -------------------------------------------------------------------------------- /tianchi/2021全国数字生态创新大赛-高分辨率遥感影像分割/utils/help.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/2021全国数字生态创新大赛-高分辨率遥感影像分割/utils/help.py -------------------------------------------------------------------------------- /tianchi/2021全国数字生态创新大赛-高分辨率遥感影像分割/utils/metric.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/2021全国数字生态创新大赛-高分辨率遥感影像分割/utils/metric.py -------------------------------------------------------------------------------- /tianchi/2021全国数字生态创新大赛-高分辨率遥感影像分割/utils/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/2021全国数字生态创新大赛-高分辨率遥感影像分割/utils/utils.py -------------------------------------------------------------------------------- /tianchi/2022-AI_challenger/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/2022-AI_challenger/README.md -------------------------------------------------------------------------------- /tianchi/2022-AI_challenger/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/2022-AI_challenger/config.py -------------------------------------------------------------------------------- /tianchi/2022-AI_challenger/gen_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/2022-AI_challenger/gen_dataset.py -------------------------------------------------------------------------------- /tianchi/2022-AI_challenger/gen_dataset_albu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/2022-AI_challenger/gen_dataset_albu.py -------------------------------------------------------------------------------- /tianchi/2022-AI_challenger/gen_dataset_fgsm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/2022-AI_challenger/gen_dataset_fgsm.py -------------------------------------------------------------------------------- /tianchi/2022-AI_challenger/merge_data.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/2022-AI_challenger/merge_data.py -------------------------------------------------------------------------------- /tianchi/2022-AI_challenger/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/2022-AI_challenger/train.py -------------------------------------------------------------------------------- /tianchi/2022-AI_challenger/train.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/2022-AI_challenger/train.sh -------------------------------------------------------------------------------- /tianchi/2022CVPR-petBiometricChalenge/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/2022CVPR-petBiometricChalenge/README.md -------------------------------------------------------------------------------- /tianchi/2022CVPR-petBiometricChalenge/dataset_concat.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/2022CVPR-petBiometricChalenge/dataset_concat.py -------------------------------------------------------------------------------- /tianchi/2022CVPR-petBiometricChalenge/dataset_siamese.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/2022CVPR-petBiometricChalenge/dataset_siamese.py -------------------------------------------------------------------------------- /tianchi/2022CVPR-petBiometricChalenge/dataset_triplet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/2022CVPR-petBiometricChalenge/dataset_triplet.py -------------------------------------------------------------------------------- /tianchi/2022CVPR-petBiometricChalenge/infer_triplet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/2022CVPR-petBiometricChalenge/infer_triplet.py -------------------------------------------------------------------------------- /tianchi/2022CVPR-petBiometricChalenge/model_siamese.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/2022CVPR-petBiometricChalenge/model_siamese.py -------------------------------------------------------------------------------- /tianchi/2022CVPR-petBiometricChalenge/model_triplet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/2022CVPR-petBiometricChalenge/model_triplet.py -------------------------------------------------------------------------------- /tianchi/2022CVPR-petBiometricChalenge/train_ct.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/2022CVPR-petBiometricChalenge/train_ct.py -------------------------------------------------------------------------------- /tianchi/2022CVPR-petBiometricChalenge/train_siamese.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/2022CVPR-petBiometricChalenge/train_siamese.py -------------------------------------------------------------------------------- /tianchi/2022CVPR-petBiometricChalenge/train_triple.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/2022CVPR-petBiometricChalenge/train_triple.py -------------------------------------------------------------------------------- /tianchi/CVPR2021-PIC-Challenge/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/CVPR2021-PIC-Challenge/README.md -------------------------------------------------------------------------------- /tianchi/CVPR2021-PIC-Challenge/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/CVPR2021-PIC-Challenge/config.py -------------------------------------------------------------------------------- /tianchi/CVPR2021-PIC-Challenge/dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/CVPR2021-PIC-Challenge/dataset.py -------------------------------------------------------------------------------- /tianchi/CVPR2021-PIC-Challenge/infer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/CVPR2021-PIC-Challenge/infer.py -------------------------------------------------------------------------------- /tianchi/CVPR2021-PIC-Challenge/networks/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/CVPR2021-PIC-Challenge/networks/__init__.py -------------------------------------------------------------------------------- /tianchi/CVPR2021-PIC-Challenge/networks/net.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/CVPR2021-PIC-Challenge/networks/net.py -------------------------------------------------------------------------------- /tianchi/CVPR2021-PIC-Challenge/networks/pfld.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/CVPR2021-PIC-Challenge/networks/pfld.py -------------------------------------------------------------------------------- /tianchi/CVPR2021-PIC-Challenge/networks/resnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/CVPR2021-PIC-Challenge/networks/resnet.py -------------------------------------------------------------------------------- /tianchi/CVPR2021-PIC-Challenge/plot_lr.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/CVPR2021-PIC-Challenge/plot_lr.py -------------------------------------------------------------------------------- /tianchi/CVPR2021-PIC-Challenge/qyl/centerface.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/CVPR2021-PIC-Challenge/qyl/centerface.py -------------------------------------------------------------------------------- /tianchi/CVPR2021-PIC-Challenge/qyl/crop_infer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/CVPR2021-PIC-Challenge/qyl/crop_infer.py -------------------------------------------------------------------------------- /tianchi/CVPR2021-PIC-Challenge/qyl/crop_train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/CVPR2021-PIC-Challenge/qyl/crop_train.py -------------------------------------------------------------------------------- /tianchi/CVPR2021-PIC-Challenge/qyl/debug.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/CVPR2021-PIC-Challenge/qyl/debug.py -------------------------------------------------------------------------------- /tianchi/CVPR2021-PIC-Challenge/qyl/make_txt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/CVPR2021-PIC-Challenge/qyl/make_txt.py -------------------------------------------------------------------------------- /tianchi/CVPR2021-PIC-Challenge/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/CVPR2021-PIC-Challenge/requirements.txt -------------------------------------------------------------------------------- /tianchi/CVPR2021-PIC-Challenge/test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/CVPR2021-PIC-Challenge/test.py -------------------------------------------------------------------------------- /tianchi/CVPR2021-PIC-Challenge/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/CVPR2021-PIC-Challenge/train.py -------------------------------------------------------------------------------- /tianchi/ImageForgeryLocationChallenge/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/ImageForgeryLocationChallenge/README.md -------------------------------------------------------------------------------- /tianchi/ImageForgeryLocationChallenge/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/ImageForgeryLocationChallenge/config.py -------------------------------------------------------------------------------- /tianchi/ImageForgeryLocationChallenge/dataset/RSCDataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/ImageForgeryLocationChallenge/dataset/RSCDataset.py -------------------------------------------------------------------------------- /tianchi/ImageForgeryLocationChallenge/dataset/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/ImageForgeryLocationChallenge/dataset/__init__.py -------------------------------------------------------------------------------- /tianchi/ImageForgeryLocationChallenge/dataset/transform.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/ImageForgeryLocationChallenge/dataset/transform.py -------------------------------------------------------------------------------- /tianchi/ImageForgeryLocationChallenge/debug.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/ImageForgeryLocationChallenge/debug.py -------------------------------------------------------------------------------- /tianchi/ImageForgeryLocationChallenge/demo/color150.mat: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/ImageForgeryLocationChallenge/demo/color150.mat -------------------------------------------------------------------------------- /tianchi/ImageForgeryLocationChallenge/infer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/ImageForgeryLocationChallenge/infer.py -------------------------------------------------------------------------------- /tianchi/ImageForgeryLocationChallenge/losses/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/ImageForgeryLocationChallenge/losses/__init__.py -------------------------------------------------------------------------------- /tianchi/ImageForgeryLocationChallenge/losses/_functional.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/ImageForgeryLocationChallenge/losses/_functional.py -------------------------------------------------------------------------------- /tianchi/ImageForgeryLocationChallenge/losses/constants.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/ImageForgeryLocationChallenge/losses/constants.py -------------------------------------------------------------------------------- /tianchi/ImageForgeryLocationChallenge/losses/dice.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/ImageForgeryLocationChallenge/losses/dice.py -------------------------------------------------------------------------------- /tianchi/ImageForgeryLocationChallenge/losses/focal.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/ImageForgeryLocationChallenge/losses/focal.py -------------------------------------------------------------------------------- /tianchi/ImageForgeryLocationChallenge/losses/jaccard.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/ImageForgeryLocationChallenge/losses/jaccard.py -------------------------------------------------------------------------------- /tianchi/ImageForgeryLocationChallenge/losses/lovasz.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/ImageForgeryLocationChallenge/losses/lovasz.py -------------------------------------------------------------------------------- /tianchi/ImageForgeryLocationChallenge/losses/soft_bce.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/ImageForgeryLocationChallenge/losses/soft_bce.py -------------------------------------------------------------------------------- /tianchi/ImageForgeryLocationChallenge/losses/soft_ce.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/ImageForgeryLocationChallenge/losses/soft_ce.py -------------------------------------------------------------------------------- /tianchi/ImageForgeryLocationChallenge/losses/tversky.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/ImageForgeryLocationChallenge/losses/tversky.py -------------------------------------------------------------------------------- /tianchi/ImageForgeryLocationChallenge/process.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/ImageForgeryLocationChallenge/process.py -------------------------------------------------------------------------------- /tianchi/ImageForgeryLocationChallenge/test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/ImageForgeryLocationChallenge/test.py -------------------------------------------------------------------------------- /tianchi/ImageForgeryLocationChallenge/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/ImageForgeryLocationChallenge/train.py -------------------------------------------------------------------------------- /tianchi/ImageForgeryLocationChallenge/utils/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/ImageForgeryLocationChallenge/utils/__init__.py -------------------------------------------------------------------------------- /tianchi/ImageForgeryLocationChallenge/utils/custom_lr.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/ImageForgeryLocationChallenge/utils/custom_lr.py -------------------------------------------------------------------------------- /tianchi/ImageForgeryLocationChallenge/utils/deeplearning.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/ImageForgeryLocationChallenge/utils/deeplearning.py -------------------------------------------------------------------------------- /tianchi/ImageForgeryLocationChallenge/utils/deeplearning_qyl.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/ImageForgeryLocationChallenge/utils/deeplearning_qyl.py -------------------------------------------------------------------------------- /tianchi/ImageForgeryLocationChallenge/utils/help.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/ImageForgeryLocationChallenge/utils/help.py -------------------------------------------------------------------------------- /tianchi/ImageForgeryLocationChallenge/utils/log.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/ImageForgeryLocationChallenge/utils/log.py -------------------------------------------------------------------------------- /tianchi/ImageForgeryLocationChallenge/utils/metric.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/ImageForgeryLocationChallenge/utils/metric.py -------------------------------------------------------------------------------- /tianchi/ImageForgeryLocationChallenge/utils/plot_lr.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/ImageForgeryLocationChallenge/utils/plot_lr.py -------------------------------------------------------------------------------- /tianchi/ImageForgeryLocationChallenge/utils/ranger.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/ImageForgeryLocationChallenge/utils/ranger.py -------------------------------------------------------------------------------- /tianchi/ImageForgeryLocationChallenge/utils/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/ImageForgeryLocationChallenge/utils/utils.py -------------------------------------------------------------------------------- /tianchi/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/README.md -------------------------------------------------------------------------------- /tianchi/Sunspot/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/Sunspot/README.md -------------------------------------------------------------------------------- /tianchi/Sunspot/dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/Sunspot/dataset.py -------------------------------------------------------------------------------- /tianchi/Sunspot/infer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/Sunspot/infer.py -------------------------------------------------------------------------------- /tianchi/Sunspot/log.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/Sunspot/log.py -------------------------------------------------------------------------------- /tianchi/Sunspot/merge_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/Sunspot/merge_model.py -------------------------------------------------------------------------------- /tianchi/Sunspot/trainKfold.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/Sunspot/trainKfold.py -------------------------------------------------------------------------------- /tianchi/医学影像报告异常检测/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/医学影像报告异常检测/README.md -------------------------------------------------------------------------------- /tianchi/医学影像报告异常检测/datasets.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/医学影像报告异常检测/datasets.py -------------------------------------------------------------------------------- /tianchi/医学影像报告异常检测/eda.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/医学影像报告异常检测/eda.py -------------------------------------------------------------------------------- /tianchi/医学影像报告异常检测/infer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/医学影像报告异常检测/infer.py -------------------------------------------------------------------------------- /tianchi/医学影像报告异常检测/net.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/医学影像报告异常检测/net.py -------------------------------------------------------------------------------- /tianchi/医学影像报告异常检测/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/医学影像报告异常检测/train.py -------------------------------------------------------------------------------- /tianchi/天池-智慧海洋/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/天池-智慧海洋/README.md -------------------------------------------------------------------------------- /tianchi/天池-智慧海洋/单模testB0.874.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/天池-智慧海洋/单模testB0.874.py -------------------------------------------------------------------------------- /tianchi/天池-智慧海洋/多模+类别不均衡.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/天池-智慧海洋/多模+类别不均衡.ipynb -------------------------------------------------------------------------------- /tianchi/高德地图/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/高德地图/README.md -------------------------------------------------------------------------------- /tianchi/高德地图/Xception_Lgb_roundB.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/高德地图/Xception_Lgb_roundB.py -------------------------------------------------------------------------------- /tianchi/高德地图/classfiyForGaoDe/.keep: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tianchi/高德地图/classfiyForGaoDe/config/__init__.py: -------------------------------------------------------------------------------- 1 | from .config import * -------------------------------------------------------------------------------- /tianchi/高德地图/classfiyForGaoDe/config/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/高德地图/classfiyForGaoDe/config/config.py -------------------------------------------------------------------------------- /tianchi/高德地图/classfiyForGaoDe/data_process/concat_frame.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/高德地图/classfiyForGaoDe/data_process/concat_frame.py -------------------------------------------------------------------------------- /tianchi/高德地图/classfiyForGaoDe/data_process/convertConcatData.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/高德地图/classfiyForGaoDe/data_process/convertConcatData.py -------------------------------------------------------------------------------- /tianchi/高德地图/classfiyForGaoDe/data_process/convertSingleData.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/高德地图/classfiyForGaoDe/data_process/convertSingleData.py -------------------------------------------------------------------------------- /tianchi/高德地图/classfiyForGaoDe/data_process/make_detect_label.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/高德地图/classfiyForGaoDe/data_process/make_detect_label.py -------------------------------------------------------------------------------- /tianchi/高德地图/classfiyForGaoDe/data_process/make_labeltxt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/高德地图/classfiyForGaoDe/data_process/make_labeltxt.py -------------------------------------------------------------------------------- /tianchi/高德地图/classfiyForGaoDe/inferConcat.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/高德地图/classfiyForGaoDe/inferConcat.py -------------------------------------------------------------------------------- /tianchi/高德地图/classfiyForGaoDe/inferConcat_detect.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/高德地图/classfiyForGaoDe/inferConcat_detect.py -------------------------------------------------------------------------------- /tianchi/高德地图/classfiyForGaoDe/inferSingle.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/高德地图/classfiyForGaoDe/inferSingle.py -------------------------------------------------------------------------------- /tianchi/高德地图/classfiyForGaoDe/models/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/高德地图/classfiyForGaoDe/models/__init__.py -------------------------------------------------------------------------------- /tianchi/高德地图/classfiyForGaoDe/models/focal_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/高德地图/classfiyForGaoDe/models/focal_loss.py -------------------------------------------------------------------------------- /tianchi/高德地图/classfiyForGaoDe/models/metrics.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/高德地图/classfiyForGaoDe/models/metrics.py -------------------------------------------------------------------------------- /tianchi/高德地图/classfiyForGaoDe/models/resnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/高德地图/classfiyForGaoDe/models/resnet.py -------------------------------------------------------------------------------- /tianchi/高德地图/classfiyForGaoDe/models/wrap_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/高德地图/classfiyForGaoDe/models/wrap_model.py -------------------------------------------------------------------------------- /tianchi/高德地图/classfiyForGaoDe/process_data.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/高德地图/classfiyForGaoDe/process_data.sh -------------------------------------------------------------------------------- /tianchi/高德地图/classfiyForGaoDe/train_arcLoss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/高德地图/classfiyForGaoDe/train_arcLoss.py -------------------------------------------------------------------------------- /tianchi/高德地图/classfiyForGaoDe/train_cosine.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/高德地图/classfiyForGaoDe/train_cosine.py -------------------------------------------------------------------------------- /tianchi/高德地图/classfiyForGaoDe/train_xception.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/高德地图/classfiyForGaoDe/train_xception.py -------------------------------------------------------------------------------- /tianchi/高德地图/classfiyForGaoDe/utils/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/高德地图/classfiyForGaoDe/utils/__init__.py -------------------------------------------------------------------------------- /tianchi/高德地图/classfiyForGaoDe/utils/dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/高德地图/classfiyForGaoDe/utils/dataset.py -------------------------------------------------------------------------------- /tianchi/高德地图/classfiyForGaoDe/utils/datasetGaode.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/高德地图/classfiyForGaoDe/utils/datasetGaode.py -------------------------------------------------------------------------------- /tianchi/高德地图/classfiyForGaoDe/utils/log.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/高德地图/classfiyForGaoDe/utils/log.py -------------------------------------------------------------------------------- /tianchi/高德地图/classfiyForGaoDe/utils/mean_std.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/高德地图/classfiyForGaoDe/utils/mean_std.py -------------------------------------------------------------------------------- /tianchi/高德地图/classfiyForGaoDe/utils/splitTrainVal.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/高德地图/classfiyForGaoDe/utils/splitTrainVal.py -------------------------------------------------------------------------------- /tianchi/高德地图/mmdetectionForGaode/.keep: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tianchi/高德地图/mmdetectionForGaode/1019_infer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/高德地图/mmdetectionForGaode/1019_infer.py -------------------------------------------------------------------------------- /tianchi/高德地图/mmdetectionForGaode/LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/高德地图/mmdetectionForGaode/LICENSE -------------------------------------------------------------------------------- /tianchi/高德地图/mmdetectionForGaode/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/高德地图/mmdetectionForGaode/README.md -------------------------------------------------------------------------------- /tianchi/高德地图/mmdetectionForGaode/bingjiRes2net.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/高德地图/mmdetectionForGaode/bingjiRes2net.py -------------------------------------------------------------------------------- /tianchi/高德地图/mmdetectionForGaode/debug.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/高德地图/mmdetectionForGaode/debug.py -------------------------------------------------------------------------------- /tianchi/高德地图/mmdetectionForGaode/get_features.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/高德地图/mmdetectionForGaode/get_features.py -------------------------------------------------------------------------------- /tianchi/高德地图/mmdetectionForGaode/get_testImage.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/高德地图/mmdetectionForGaode/get_testImage.py -------------------------------------------------------------------------------- /tianchi/高德地图/mmdetectionForGaode/infer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/高德地图/mmdetectionForGaode/infer.py -------------------------------------------------------------------------------- /tianchi/高德地图/mmdetectionForGaode/make_VOC_label.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/高德地图/mmdetectionForGaode/make_VOC_label.py -------------------------------------------------------------------------------- /tianchi/高德地图/mmdetectionForGaode/make_imageset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/高德地图/mmdetectionForGaode/make_imageset.py -------------------------------------------------------------------------------- /tianchi/高德地图/mmdetectionForGaode/pytest.ini: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/高德地图/mmdetectionForGaode/pytest.ini -------------------------------------------------------------------------------- /tianchi/高德地图/mmdetectionForGaode/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/高德地图/mmdetectionForGaode/requirements.txt -------------------------------------------------------------------------------- /tianchi/高德地图/mmdetectionForGaode/result_detect.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/高德地图/mmdetectionForGaode/result_detect.txt -------------------------------------------------------------------------------- /tianchi/高德地图/mmdetectionForGaode/setup.cfg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/高德地图/mmdetectionForGaode/setup.cfg -------------------------------------------------------------------------------- /tianchi/高德地图/mmdetectionForGaode/setup.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/高德地图/mmdetectionForGaode/setup.py -------------------------------------------------------------------------------- /tianchi/高德地图/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DLLXW/data-science-competition/HEAD/tianchi/高德地图/requirements.txt -------------------------------------------------------------------------------- /tianchi/高德地图/run_test.sh: -------------------------------------------------------------------------------- 1 | python Xception_Lgb_roundB.py 2 | --------------------------------------------------------------------------------