├── .gitignore ├── 1 - wei ├── ASERT.ipynb ├── README.md ├── aster │ ├── LICENSE │ ├── README.md │ ├── builders │ │ ├── __init__.py │ │ ├── attention_recognition_model_builder_test.py │ │ ├── bidirectional_rnn_builder.py │ │ ├── bidirectional_rnn_builder_test.py │ │ ├── convnet_builder.py │ │ ├── convnet_builder_test.py │ │ ├── ctc_recognition_model_builder_test.py │ │ ├── feature_extractor_builder.py │ │ ├── feature_extractor_builder_test.py │ │ ├── hyperparams_builder.py │ │ ├── hyperparams_builder_test.py │ │ ├── input_reader_builder.py │ │ ├── input_reader_builder_test.py │ │ ├── label_map_builder.py │ │ ├── label_map_builder_test.py │ │ ├── loss_builder.py │ │ ├── loss_builder_test.py │ │ ├── model_builder.py │ │ ├── model_builder_test.py │ │ ├── optimizer_builder.py │ │ ├── optimizer_builder_test.py │ │ ├── predictor_builder.py │ │ ├── predictor_builder_test.py │ │ ├── preprocessor_builder.py │ │ ├── preprocessor_builder_test.py │ │ ├── rnn_cell_builder.py │ │ ├── rnn_cell_builder_test.py │ │ ├── spatial_transformer_builder.py │ │ └── spatial_transformer_builder_test.py │ ├── c_ops │ │ ├── CMakeLists.txt │ │ ├── build.sh │ │ ├── divide_curve_op.cc │ │ ├── ops.py │ │ ├── ops_test.py │ │ ├── string_filtering_op.cc │ │ └── string_reverse_op.cc │ ├── convnets │ │ ├── __init__.py │ │ ├── crnn_net.py │ │ ├── resnet.py │ │ └── stn_convnet.py │ ├── core │ │ ├── __init__.py │ │ ├── batcher.py │ │ ├── bidirectional_rnn.py │ │ ├── convnet.py │ │ ├── feature_extractor.py │ │ ├── label_map.py │ │ ├── loss.py │ │ ├── model.py │ │ ├── predictor.py │ │ ├── prefetcher.py │ │ ├── preprocessor.py │ │ ├── spatial_transformer.py │ │ ├── spatial_transformer_test.py │ │ ├── standard_fields.py │ │ └── sync_attention_wrapper.py │ ├── data_decoders │ │ ├── __init__.py │ │ └── tf_example_decoder.py │ ├── demo.py │ ├── demo_1.py │ ├── eval.py │ ├── eval_util.py │ ├── evaluator.py │ ├── experiments │ │ ├── demo │ │ │ └── config │ │ │ │ └── trainval.prototxt │ │ └── tinymind │ │ │ └── config │ │ │ └── trainval.prototxt │ ├── meta_architectures │ │ ├── __init__.py │ │ ├── ctc_recognition_model.py │ │ └── multi_predictors_recognition_model.py │ ├── overview.png │ ├── predictors │ │ ├── __init__.py │ │ └── attention_predictor.py │ ├── protos │ │ ├── bidirectional_rnn.proto │ │ ├── bidirectional_rnn_pb2.py │ │ ├── convnet.proto │ │ ├── convnet_pb2.py │ │ ├── eval.proto │ │ ├── eval_pb2.py │ │ ├── feature_extractor.proto │ │ ├── feature_extractor_pb2.py │ │ ├── hyperparams.proto │ │ ├── hyperparams_pb2.py │ │ ├── input_reader.proto │ │ ├── input_reader_pb2.py │ │ ├── label_map.proto │ │ ├── label_map_pb2.py │ │ ├── loss.proto │ │ ├── loss_pb2.py │ │ ├── model.proto │ │ ├── model_pb2.py │ │ ├── optimizer.proto │ │ ├── optimizer_pb2.py │ │ ├── pipeline.proto │ │ ├── pipeline_pb2.py │ │ ├── predictor.proto │ │ ├── predictor_pb2.py │ │ ├── preprocessor.proto │ │ ├── preprocessor_pb2.py │ │ ├── rnn_cell.proto │ │ ├── rnn_cell_pb2.py │ │ ├── spatial_transformer.proto │ │ ├── spatial_transformer_pb2.py │ │ ├── train.proto │ │ └── train_pb2.py │ ├── tools │ │ ├── create_cute80_tfrecord.py │ │ ├── create_ic03_tfrecord.py │ │ ├── create_ic13_tfrecord.py │ │ ├── create_ic15_tfrecord.py │ │ ├── create_iiit5k_tfrecord.py │ │ ├── create_svt_perspective_tfrecord.py │ │ ├── create_svt_tfrecord.py │ │ ├── create_synth90k_tfrecord.py │ │ └── create_synthtext_tfrecord.py │ ├── train.py │ ├── train_1.py │ ├── trainer.py │ └── utils │ │ ├── __init__.py │ │ ├── dataset_util.py │ │ ├── learning_schedules.py │ │ ├── model_deploy.py │ │ ├── model_deploy_test.py │ │ ├── profile_session_run_hooks.py │ │ ├── recognition_evaluation.py │ │ ├── shape_utils.py │ │ ├── variables_helper.py │ │ ├── visualization_utils.py │ │ └── visualization_utils_test.py ├── ctpn-crnn │ ├── README.md │ ├── cptn │ │ ├── data │ │ │ └── demo │ │ │ │ ├── img_calligraphy_70001_bg.jpg │ │ │ │ ├── img_calligraphy_70001_bg.txt │ │ │ │ └── source │ │ │ │ ├── img_calligraphy_70001_bg.jpg │ │ │ │ └── lable.csv │ │ ├── main │ │ │ ├── predict.py │ │ │ └── train.py │ │ ├── nets │ │ │ ├── model_train.py │ │ │ └── vgg.py │ │ └── utils │ │ │ ├── bbox │ │ │ ├── bbox.c │ │ │ ├── bbox.pyx │ │ │ ├── bbox_transform.py │ │ │ ├── make.sh │ │ │ ├── nms.c │ │ │ ├── nms.pyx │ │ │ └── setup.py │ │ │ ├── dataset │ │ │ ├── data_provider.py │ │ │ └── data_util.py │ │ │ ├── prepare │ │ │ ├── __init__.py │ │ │ ├── split_label.py │ │ │ └── utils.py │ │ │ ├── rpn_msr │ │ │ ├── __init__.py │ │ │ ├── anchor_target_layer.py │ │ │ ├── config.py │ │ │ ├── generate_anchors.py │ │ │ └── proposal_layer.py │ │ │ └── text_connector │ │ │ ├── __init__.py │ │ │ ├── detectors.py │ │ │ ├── other.py │ │ │ ├── text_connect_cfg.py │ │ │ ├── text_proposal_connector.py │ │ │ ├── text_proposal_connector_oriented.py │ │ │ └── text_proposal_graph_builder.py │ └── crnn │ │ ├── alphabets.py │ │ ├── crnn_main.py │ │ ├── dataset.py │ │ ├── models │ │ ├── __init__.py │ │ └── crnn.py │ │ ├── params.py │ │ ├── predict.py │ │ ├── to_lmdb │ │ ├── __init__.py │ │ └── tolmdb.py │ │ └── utils.py ├── densent.ipynb ├── ocr_densenet │ ├── README.md │ ├── code │ │ ├── .DS_Store │ │ ├── ocr │ │ │ ├── .DS_Store │ │ │ ├── dataloader.py │ │ │ ├── densenet.py │ │ │ ├── main.py │ │ │ ├── resnet.py │ │ │ └── tools │ │ │ │ ├── __init__.py │ │ │ │ ├── measures.py │ │ │ │ ├── parse.py │ │ │ │ ├── plot.py │ │ │ │ ├── py_op.py │ │ │ │ ├── segmentation.py │ │ │ │ └── utils.py │ │ └── preprocessing │ │ │ ├── analysis_dataset.py │ │ │ ├── map_word_to_index.py │ │ │ └── show_black.py │ ├── files │ │ ├── .DS_Store │ │ ├── alphabet_count_dict.json │ │ ├── alphabet_index_dict.json │ │ ├── black.json │ │ ├── image_hw_ratio_dict.json │ │ ├── src │ │ │ ├── A81.png │ │ │ └── B1000_0.png │ │ ├── train_alphabet.json │ │ └── ttf │ │ │ └── simsun.ttf │ └── requirement.txt └── tinymind.ipynb ├── 2 - TitanikData ├── README.md ├── deep-text-recognition-benchmark-master │ ├── LICENSE.md │ ├── create_lmdb_dataset.py │ ├── dataset.py │ ├── demo.py │ ├── model.py │ ├── modules │ │ ├── feature_extraction.py │ │ ├── prediction.py │ │ ├── sequence_modeling.py │ │ └── transformation.py │ ├── predict.sh │ ├── test.py │ ├── train.py │ └── utils.py └── 检测 │ ├── README.txt │ ├── faster_rcnn_r50_fpn_1x_voc0712.py │ ├── pick_picname.py │ └── test.py ├── 3 - TechDing ├── .idea │ ├── RMB_TechDing.iml │ ├── dictionaries │ │ └── pc.xml │ ├── encodings.xml │ ├── misc.xml │ ├── modules.xml │ └── workspace.xml ├── CTC_Models │ ├── Utils.py │ ├── __init__.py │ └── model_predict.py ├── CTPN_ROI │ ├── __init__.py │ ├── checkpoints │ │ └── checkpoint │ ├── ctpn │ │ ├── __init__.py │ │ ├── get_ROI_imgs.py │ │ ├── rmb_db.py │ │ └── text.yml │ └── 说明.txt ├── CV_ROI │ ├── __init__.py │ ├── extract_ROI.py │ └── 说明.txt ├── Main.py ├── config.cfg ├── private_test_final_submit.csv ├── test_result.csv └── 使用方法.txt ├── 4 - HLearning ├── CRNN.ipynb ├── readme.md ├── text-detection-ctpn │ ├── LICENSE │ ├── README.md │ ├── main │ │ ├── demo.py │ │ └── train.py │ ├── nets │ │ ├── model_train.py │ │ └── vgg.py │ ├── requirements.txt │ └── utils │ │ ├── bbox │ │ ├── .fuse_hidden0000c4ff00000003 │ │ ├── bbox.c │ │ ├── bbox.pyx │ │ ├── bbox_transform.py │ │ ├── make.sh │ │ ├── nms.c │ │ ├── nms.pyx │ │ └── setup.py │ │ ├── dataset │ │ ├── data_provider.py │ │ └── data_util.py │ │ ├── prepare │ │ ├── split_label.py │ │ └── utils.py │ │ ├── rpn_msr │ │ ├── __init__.py │ │ ├── anchor_target_layer.py │ │ ├── config.py │ │ ├── generate_anchors.py │ │ └── proposal_layer.py │ │ └── text_connector │ │ ├── __init__.py │ │ ├── detectors.py │ │ ├── other.py │ │ ├── text_connect_cfg.py │ │ ├── text_proposal_connector.py │ │ ├── text_proposal_connector_oriented.py │ │ └── text_proposal_graph_builder.py └── zzz-Xecp&&IncV2&&Dense&&resnet.csv ├── 5 - ResNet34 ├── README.md ├── crnn-pytorch │ ├── .gitignore │ ├── LICENSE │ ├── README.md │ ├── __init__.py │ ├── dataset │ │ ├── __init__.py │ │ ├── collate_fn.py │ │ ├── data_transform.py │ │ ├── test_data.py │ │ └── text_data.py │ ├── fold_tta.pkl │ ├── lr_policy.py │ ├── models │ │ ├── __init__.py │ │ ├── crnn.py │ │ └── model_loader.py │ ├── pb_rcnn_label.csv │ ├── submit.py │ ├── test.py │ ├── test2.py │ ├── test2_tta.py │ ├── train.py │ └── 数据读取.ipynb └── multi-digit-pytorch │ ├── 1_train.py │ ├── 2_predict.py │ └── 未命名.ipynb ├── README.md └── 赛后分享PPT ├── 1 - wei.pdf ├── 2 - TitanikData.pdf ├── 3 - TechDing.pdf ├── 4 - HLearning.pdf └── 5 - ResNet34.pdf /.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/.gitignore -------------------------------------------------------------------------------- /1 - wei/ASERT.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/ASERT.ipynb -------------------------------------------------------------------------------- /1 - wei/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/README.md -------------------------------------------------------------------------------- /1 - wei/aster/LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/aster/LICENSE -------------------------------------------------------------------------------- /1 - wei/aster/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/aster/README.md -------------------------------------------------------------------------------- /1 - wei/aster/builders/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /1 - wei/aster/builders/attention_recognition_model_builder_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/aster/builders/attention_recognition_model_builder_test.py -------------------------------------------------------------------------------- /1 - wei/aster/builders/bidirectional_rnn_builder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/aster/builders/bidirectional_rnn_builder.py -------------------------------------------------------------------------------- /1 - wei/aster/builders/bidirectional_rnn_builder_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/aster/builders/bidirectional_rnn_builder_test.py -------------------------------------------------------------------------------- /1 - wei/aster/builders/convnet_builder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/aster/builders/convnet_builder.py -------------------------------------------------------------------------------- /1 - wei/aster/builders/convnet_builder_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/aster/builders/convnet_builder_test.py -------------------------------------------------------------------------------- /1 - wei/aster/builders/ctc_recognition_model_builder_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/aster/builders/ctc_recognition_model_builder_test.py -------------------------------------------------------------------------------- /1 - wei/aster/builders/feature_extractor_builder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/aster/builders/feature_extractor_builder.py -------------------------------------------------------------------------------- /1 - wei/aster/builders/feature_extractor_builder_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/aster/builders/feature_extractor_builder_test.py -------------------------------------------------------------------------------- /1 - wei/aster/builders/hyperparams_builder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/aster/builders/hyperparams_builder.py -------------------------------------------------------------------------------- /1 - wei/aster/builders/hyperparams_builder_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/aster/builders/hyperparams_builder_test.py -------------------------------------------------------------------------------- /1 - wei/aster/builders/input_reader_builder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/aster/builders/input_reader_builder.py -------------------------------------------------------------------------------- /1 - wei/aster/builders/input_reader_builder_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/aster/builders/input_reader_builder_test.py -------------------------------------------------------------------------------- /1 - wei/aster/builders/label_map_builder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/aster/builders/label_map_builder.py -------------------------------------------------------------------------------- /1 - wei/aster/builders/label_map_builder_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/aster/builders/label_map_builder_test.py -------------------------------------------------------------------------------- /1 - wei/aster/builders/loss_builder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/aster/builders/loss_builder.py -------------------------------------------------------------------------------- /1 - wei/aster/builders/loss_builder_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/aster/builders/loss_builder_test.py -------------------------------------------------------------------------------- /1 - wei/aster/builders/model_builder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/aster/builders/model_builder.py -------------------------------------------------------------------------------- /1 - wei/aster/builders/model_builder_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/aster/builders/model_builder_test.py -------------------------------------------------------------------------------- /1 - wei/aster/builders/optimizer_builder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/aster/builders/optimizer_builder.py -------------------------------------------------------------------------------- /1 - wei/aster/builders/optimizer_builder_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/aster/builders/optimizer_builder_test.py -------------------------------------------------------------------------------- /1 - wei/aster/builders/predictor_builder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/aster/builders/predictor_builder.py -------------------------------------------------------------------------------- /1 - wei/aster/builders/predictor_builder_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/aster/builders/predictor_builder_test.py -------------------------------------------------------------------------------- /1 - wei/aster/builders/preprocessor_builder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/aster/builders/preprocessor_builder.py -------------------------------------------------------------------------------- /1 - wei/aster/builders/preprocessor_builder_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/aster/builders/preprocessor_builder_test.py -------------------------------------------------------------------------------- /1 - wei/aster/builders/rnn_cell_builder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/aster/builders/rnn_cell_builder.py -------------------------------------------------------------------------------- /1 - wei/aster/builders/rnn_cell_builder_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/aster/builders/rnn_cell_builder_test.py -------------------------------------------------------------------------------- /1 - wei/aster/builders/spatial_transformer_builder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/aster/builders/spatial_transformer_builder.py -------------------------------------------------------------------------------- /1 - wei/aster/builders/spatial_transformer_builder_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/aster/builders/spatial_transformer_builder_test.py -------------------------------------------------------------------------------- /1 - wei/aster/c_ops/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/aster/c_ops/CMakeLists.txt -------------------------------------------------------------------------------- /1 - wei/aster/c_ops/build.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/aster/c_ops/build.sh -------------------------------------------------------------------------------- /1 - wei/aster/c_ops/divide_curve_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/aster/c_ops/divide_curve_op.cc -------------------------------------------------------------------------------- /1 - wei/aster/c_ops/ops.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/aster/c_ops/ops.py -------------------------------------------------------------------------------- /1 - wei/aster/c_ops/ops_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/aster/c_ops/ops_test.py -------------------------------------------------------------------------------- /1 - wei/aster/c_ops/string_filtering_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/aster/c_ops/string_filtering_op.cc -------------------------------------------------------------------------------- /1 - wei/aster/c_ops/string_reverse_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/aster/c_ops/string_reverse_op.cc -------------------------------------------------------------------------------- /1 - wei/aster/convnets/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /1 - wei/aster/convnets/crnn_net.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/aster/convnets/crnn_net.py -------------------------------------------------------------------------------- /1 - wei/aster/convnets/resnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/aster/convnets/resnet.py -------------------------------------------------------------------------------- /1 - wei/aster/convnets/stn_convnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/aster/convnets/stn_convnet.py -------------------------------------------------------------------------------- /1 - wei/aster/core/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /1 - wei/aster/core/batcher.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/aster/core/batcher.py -------------------------------------------------------------------------------- /1 - wei/aster/core/bidirectional_rnn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/aster/core/bidirectional_rnn.py -------------------------------------------------------------------------------- /1 - wei/aster/core/convnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/aster/core/convnet.py -------------------------------------------------------------------------------- /1 - wei/aster/core/feature_extractor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/aster/core/feature_extractor.py -------------------------------------------------------------------------------- /1 - wei/aster/core/label_map.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/aster/core/label_map.py -------------------------------------------------------------------------------- /1 - wei/aster/core/loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/aster/core/loss.py -------------------------------------------------------------------------------- /1 - wei/aster/core/model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/aster/core/model.py -------------------------------------------------------------------------------- /1 - wei/aster/core/predictor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/aster/core/predictor.py -------------------------------------------------------------------------------- /1 - wei/aster/core/prefetcher.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/aster/core/prefetcher.py -------------------------------------------------------------------------------- /1 - wei/aster/core/preprocessor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/aster/core/preprocessor.py -------------------------------------------------------------------------------- /1 - wei/aster/core/spatial_transformer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/aster/core/spatial_transformer.py -------------------------------------------------------------------------------- /1 - wei/aster/core/spatial_transformer_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/aster/core/spatial_transformer_test.py -------------------------------------------------------------------------------- /1 - wei/aster/core/standard_fields.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/aster/core/standard_fields.py -------------------------------------------------------------------------------- /1 - wei/aster/core/sync_attention_wrapper.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/aster/core/sync_attention_wrapper.py -------------------------------------------------------------------------------- /1 - wei/aster/data_decoders/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /1 - wei/aster/data_decoders/tf_example_decoder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/aster/data_decoders/tf_example_decoder.py -------------------------------------------------------------------------------- /1 - wei/aster/demo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/aster/demo.py -------------------------------------------------------------------------------- /1 - wei/aster/demo_1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/aster/demo_1.py -------------------------------------------------------------------------------- /1 - wei/aster/eval.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/aster/eval.py -------------------------------------------------------------------------------- /1 - wei/aster/eval_util.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/aster/eval_util.py -------------------------------------------------------------------------------- /1 - wei/aster/evaluator.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/aster/evaluator.py -------------------------------------------------------------------------------- /1 - wei/aster/experiments/demo/config/trainval.prototxt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/aster/experiments/demo/config/trainval.prototxt -------------------------------------------------------------------------------- /1 - wei/aster/experiments/tinymind/config/trainval.prototxt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/aster/experiments/tinymind/config/trainval.prototxt -------------------------------------------------------------------------------- /1 - wei/aster/meta_architectures/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /1 - wei/aster/meta_architectures/ctc_recognition_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/aster/meta_architectures/ctc_recognition_model.py -------------------------------------------------------------------------------- /1 - wei/aster/meta_architectures/multi_predictors_recognition_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/aster/meta_architectures/multi_predictors_recognition_model.py -------------------------------------------------------------------------------- /1 - wei/aster/overview.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/aster/overview.png -------------------------------------------------------------------------------- /1 - wei/aster/predictors/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /1 - wei/aster/predictors/attention_predictor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/aster/predictors/attention_predictor.py -------------------------------------------------------------------------------- /1 - wei/aster/protos/bidirectional_rnn.proto: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/aster/protos/bidirectional_rnn.proto -------------------------------------------------------------------------------- /1 - wei/aster/protos/bidirectional_rnn_pb2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/aster/protos/bidirectional_rnn_pb2.py -------------------------------------------------------------------------------- /1 - wei/aster/protos/convnet.proto: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/aster/protos/convnet.proto -------------------------------------------------------------------------------- /1 - wei/aster/protos/convnet_pb2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/aster/protos/convnet_pb2.py -------------------------------------------------------------------------------- /1 - wei/aster/protos/eval.proto: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/aster/protos/eval.proto -------------------------------------------------------------------------------- /1 - wei/aster/protos/eval_pb2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/aster/protos/eval_pb2.py -------------------------------------------------------------------------------- /1 - wei/aster/protos/feature_extractor.proto: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/aster/protos/feature_extractor.proto -------------------------------------------------------------------------------- /1 - wei/aster/protos/feature_extractor_pb2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/aster/protos/feature_extractor_pb2.py -------------------------------------------------------------------------------- /1 - wei/aster/protos/hyperparams.proto: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/aster/protos/hyperparams.proto -------------------------------------------------------------------------------- /1 - wei/aster/protos/hyperparams_pb2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/aster/protos/hyperparams_pb2.py -------------------------------------------------------------------------------- /1 - wei/aster/protos/input_reader.proto: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/aster/protos/input_reader.proto -------------------------------------------------------------------------------- /1 - wei/aster/protos/input_reader_pb2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/aster/protos/input_reader_pb2.py -------------------------------------------------------------------------------- /1 - wei/aster/protos/label_map.proto: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/aster/protos/label_map.proto -------------------------------------------------------------------------------- /1 - wei/aster/protos/label_map_pb2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/aster/protos/label_map_pb2.py -------------------------------------------------------------------------------- /1 - wei/aster/protos/loss.proto: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/aster/protos/loss.proto -------------------------------------------------------------------------------- /1 - wei/aster/protos/loss_pb2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/aster/protos/loss_pb2.py -------------------------------------------------------------------------------- /1 - wei/aster/protos/model.proto: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/aster/protos/model.proto -------------------------------------------------------------------------------- /1 - wei/aster/protos/model_pb2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/aster/protos/model_pb2.py -------------------------------------------------------------------------------- /1 - wei/aster/protos/optimizer.proto: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/aster/protos/optimizer.proto -------------------------------------------------------------------------------- /1 - wei/aster/protos/optimizer_pb2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/aster/protos/optimizer_pb2.py -------------------------------------------------------------------------------- /1 - wei/aster/protos/pipeline.proto: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/aster/protos/pipeline.proto -------------------------------------------------------------------------------- /1 - wei/aster/protos/pipeline_pb2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/aster/protos/pipeline_pb2.py -------------------------------------------------------------------------------- /1 - wei/aster/protos/predictor.proto: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/aster/protos/predictor.proto -------------------------------------------------------------------------------- /1 - wei/aster/protos/predictor_pb2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/aster/protos/predictor_pb2.py -------------------------------------------------------------------------------- /1 - wei/aster/protos/preprocessor.proto: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/aster/protos/preprocessor.proto -------------------------------------------------------------------------------- /1 - wei/aster/protos/preprocessor_pb2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/aster/protos/preprocessor_pb2.py -------------------------------------------------------------------------------- /1 - wei/aster/protos/rnn_cell.proto: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/aster/protos/rnn_cell.proto -------------------------------------------------------------------------------- /1 - wei/aster/protos/rnn_cell_pb2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/aster/protos/rnn_cell_pb2.py -------------------------------------------------------------------------------- /1 - wei/aster/protos/spatial_transformer.proto: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/aster/protos/spatial_transformer.proto -------------------------------------------------------------------------------- /1 - wei/aster/protos/spatial_transformer_pb2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/aster/protos/spatial_transformer_pb2.py -------------------------------------------------------------------------------- /1 - wei/aster/protos/train.proto: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/aster/protos/train.proto -------------------------------------------------------------------------------- /1 - wei/aster/protos/train_pb2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/aster/protos/train_pb2.py -------------------------------------------------------------------------------- /1 - wei/aster/tools/create_cute80_tfrecord.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/aster/tools/create_cute80_tfrecord.py -------------------------------------------------------------------------------- /1 - wei/aster/tools/create_ic03_tfrecord.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/aster/tools/create_ic03_tfrecord.py -------------------------------------------------------------------------------- /1 - wei/aster/tools/create_ic13_tfrecord.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/aster/tools/create_ic13_tfrecord.py -------------------------------------------------------------------------------- /1 - wei/aster/tools/create_ic15_tfrecord.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/aster/tools/create_ic15_tfrecord.py -------------------------------------------------------------------------------- /1 - wei/aster/tools/create_iiit5k_tfrecord.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/aster/tools/create_iiit5k_tfrecord.py -------------------------------------------------------------------------------- /1 - wei/aster/tools/create_svt_perspective_tfrecord.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/aster/tools/create_svt_perspective_tfrecord.py -------------------------------------------------------------------------------- /1 - wei/aster/tools/create_svt_tfrecord.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/aster/tools/create_svt_tfrecord.py -------------------------------------------------------------------------------- /1 - wei/aster/tools/create_synth90k_tfrecord.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/aster/tools/create_synth90k_tfrecord.py -------------------------------------------------------------------------------- /1 - wei/aster/tools/create_synthtext_tfrecord.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/aster/tools/create_synthtext_tfrecord.py -------------------------------------------------------------------------------- /1 - wei/aster/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/aster/train.py -------------------------------------------------------------------------------- /1 - wei/aster/train_1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/aster/train_1.py -------------------------------------------------------------------------------- /1 - wei/aster/trainer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/aster/trainer.py -------------------------------------------------------------------------------- /1 - wei/aster/utils/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /1 - wei/aster/utils/dataset_util.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/aster/utils/dataset_util.py -------------------------------------------------------------------------------- /1 - wei/aster/utils/learning_schedules.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/aster/utils/learning_schedules.py -------------------------------------------------------------------------------- /1 - wei/aster/utils/model_deploy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/aster/utils/model_deploy.py -------------------------------------------------------------------------------- /1 - wei/aster/utils/model_deploy_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/aster/utils/model_deploy_test.py -------------------------------------------------------------------------------- /1 - wei/aster/utils/profile_session_run_hooks.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/aster/utils/profile_session_run_hooks.py -------------------------------------------------------------------------------- /1 - wei/aster/utils/recognition_evaluation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/aster/utils/recognition_evaluation.py -------------------------------------------------------------------------------- /1 - wei/aster/utils/shape_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/aster/utils/shape_utils.py -------------------------------------------------------------------------------- /1 - wei/aster/utils/variables_helper.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/aster/utils/variables_helper.py -------------------------------------------------------------------------------- /1 - wei/aster/utils/visualization_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/aster/utils/visualization_utils.py -------------------------------------------------------------------------------- /1 - wei/aster/utils/visualization_utils_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/aster/utils/visualization_utils_test.py -------------------------------------------------------------------------------- /1 - wei/ctpn-crnn/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/ctpn-crnn/README.md -------------------------------------------------------------------------------- /1 - wei/ctpn-crnn/cptn/data/demo/img_calligraphy_70001_bg.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/ctpn-crnn/cptn/data/demo/img_calligraphy_70001_bg.jpg -------------------------------------------------------------------------------- /1 - wei/ctpn-crnn/cptn/data/demo/img_calligraphy_70001_bg.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/ctpn-crnn/cptn/data/demo/img_calligraphy_70001_bg.txt -------------------------------------------------------------------------------- /1 - wei/ctpn-crnn/cptn/data/demo/source/img_calligraphy_70001_bg.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/ctpn-crnn/cptn/data/demo/source/img_calligraphy_70001_bg.jpg -------------------------------------------------------------------------------- /1 - wei/ctpn-crnn/cptn/data/demo/source/lable.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/ctpn-crnn/cptn/data/demo/source/lable.csv -------------------------------------------------------------------------------- /1 - wei/ctpn-crnn/cptn/main/predict.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/ctpn-crnn/cptn/main/predict.py -------------------------------------------------------------------------------- /1 - wei/ctpn-crnn/cptn/main/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/ctpn-crnn/cptn/main/train.py -------------------------------------------------------------------------------- /1 - wei/ctpn-crnn/cptn/nets/model_train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/ctpn-crnn/cptn/nets/model_train.py -------------------------------------------------------------------------------- /1 - wei/ctpn-crnn/cptn/nets/vgg.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/ctpn-crnn/cptn/nets/vgg.py -------------------------------------------------------------------------------- /1 - wei/ctpn-crnn/cptn/utils/bbox/bbox.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/ctpn-crnn/cptn/utils/bbox/bbox.c -------------------------------------------------------------------------------- /1 - wei/ctpn-crnn/cptn/utils/bbox/bbox.pyx: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/ctpn-crnn/cptn/utils/bbox/bbox.pyx -------------------------------------------------------------------------------- /1 - wei/ctpn-crnn/cptn/utils/bbox/bbox_transform.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/ctpn-crnn/cptn/utils/bbox/bbox_transform.py -------------------------------------------------------------------------------- /1 - wei/ctpn-crnn/cptn/utils/bbox/make.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/ctpn-crnn/cptn/utils/bbox/make.sh -------------------------------------------------------------------------------- /1 - wei/ctpn-crnn/cptn/utils/bbox/nms.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/ctpn-crnn/cptn/utils/bbox/nms.c -------------------------------------------------------------------------------- /1 - wei/ctpn-crnn/cptn/utils/bbox/nms.pyx: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/ctpn-crnn/cptn/utils/bbox/nms.pyx -------------------------------------------------------------------------------- /1 - wei/ctpn-crnn/cptn/utils/bbox/setup.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/ctpn-crnn/cptn/utils/bbox/setup.py -------------------------------------------------------------------------------- /1 - wei/ctpn-crnn/cptn/utils/dataset/data_provider.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/ctpn-crnn/cptn/utils/dataset/data_provider.py -------------------------------------------------------------------------------- /1 - wei/ctpn-crnn/cptn/utils/dataset/data_util.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/ctpn-crnn/cptn/utils/dataset/data_util.py -------------------------------------------------------------------------------- /1 - wei/ctpn-crnn/cptn/utils/prepare/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/ctpn-crnn/cptn/utils/prepare/__init__.py -------------------------------------------------------------------------------- /1 - wei/ctpn-crnn/cptn/utils/prepare/split_label.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/ctpn-crnn/cptn/utils/prepare/split_label.py -------------------------------------------------------------------------------- /1 - wei/ctpn-crnn/cptn/utils/prepare/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/ctpn-crnn/cptn/utils/prepare/utils.py -------------------------------------------------------------------------------- /1 - wei/ctpn-crnn/cptn/utils/rpn_msr/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /1 - wei/ctpn-crnn/cptn/utils/rpn_msr/anchor_target_layer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/ctpn-crnn/cptn/utils/rpn_msr/anchor_target_layer.py -------------------------------------------------------------------------------- /1 - wei/ctpn-crnn/cptn/utils/rpn_msr/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/ctpn-crnn/cptn/utils/rpn_msr/config.py -------------------------------------------------------------------------------- /1 - wei/ctpn-crnn/cptn/utils/rpn_msr/generate_anchors.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/ctpn-crnn/cptn/utils/rpn_msr/generate_anchors.py -------------------------------------------------------------------------------- /1 - wei/ctpn-crnn/cptn/utils/rpn_msr/proposal_layer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/ctpn-crnn/cptn/utils/rpn_msr/proposal_layer.py -------------------------------------------------------------------------------- /1 - wei/ctpn-crnn/cptn/utils/text_connector/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /1 - wei/ctpn-crnn/cptn/utils/text_connector/detectors.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/ctpn-crnn/cptn/utils/text_connector/detectors.py -------------------------------------------------------------------------------- /1 - wei/ctpn-crnn/cptn/utils/text_connector/other.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/ctpn-crnn/cptn/utils/text_connector/other.py -------------------------------------------------------------------------------- /1 - wei/ctpn-crnn/cptn/utils/text_connector/text_connect_cfg.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/ctpn-crnn/cptn/utils/text_connector/text_connect_cfg.py -------------------------------------------------------------------------------- /1 - wei/ctpn-crnn/cptn/utils/text_connector/text_proposal_connector.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/ctpn-crnn/cptn/utils/text_connector/text_proposal_connector.py -------------------------------------------------------------------------------- /1 - wei/ctpn-crnn/cptn/utils/text_connector/text_proposal_connector_oriented.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/ctpn-crnn/cptn/utils/text_connector/text_proposal_connector_oriented.py -------------------------------------------------------------------------------- /1 - wei/ctpn-crnn/cptn/utils/text_connector/text_proposal_graph_builder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/ctpn-crnn/cptn/utils/text_connector/text_proposal_graph_builder.py -------------------------------------------------------------------------------- /1 - wei/ctpn-crnn/crnn/alphabets.py: -------------------------------------------------------------------------------- 1 | alphabet = """ABCDEFGHIJKLMNOPQRSTUWXZY0123456789""" -------------------------------------------------------------------------------- /1 - wei/ctpn-crnn/crnn/crnn_main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/ctpn-crnn/crnn/crnn_main.py -------------------------------------------------------------------------------- /1 - wei/ctpn-crnn/crnn/dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/ctpn-crnn/crnn/dataset.py -------------------------------------------------------------------------------- /1 - wei/ctpn-crnn/crnn/models/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /1 - wei/ctpn-crnn/crnn/models/crnn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/ctpn-crnn/crnn/models/crnn.py -------------------------------------------------------------------------------- /1 - wei/ctpn-crnn/crnn/params.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/ctpn-crnn/crnn/params.py -------------------------------------------------------------------------------- /1 - wei/ctpn-crnn/crnn/predict.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/ctpn-crnn/crnn/predict.py -------------------------------------------------------------------------------- /1 - wei/ctpn-crnn/crnn/to_lmdb/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/ctpn-crnn/crnn/to_lmdb/__init__.py -------------------------------------------------------------------------------- /1 - wei/ctpn-crnn/crnn/to_lmdb/tolmdb.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/ctpn-crnn/crnn/to_lmdb/tolmdb.py -------------------------------------------------------------------------------- /1 - wei/ctpn-crnn/crnn/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/ctpn-crnn/crnn/utils.py -------------------------------------------------------------------------------- /1 - wei/densent.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/densent.ipynb -------------------------------------------------------------------------------- /1 - wei/ocr_densenet/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/ocr_densenet/README.md -------------------------------------------------------------------------------- /1 - wei/ocr_densenet/code/.DS_Store: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/ocr_densenet/code/.DS_Store -------------------------------------------------------------------------------- /1 - wei/ocr_densenet/code/ocr/.DS_Store: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/ocr_densenet/code/ocr/.DS_Store -------------------------------------------------------------------------------- /1 - wei/ocr_densenet/code/ocr/dataloader.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/ocr_densenet/code/ocr/dataloader.py -------------------------------------------------------------------------------- /1 - wei/ocr_densenet/code/ocr/densenet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/ocr_densenet/code/ocr/densenet.py -------------------------------------------------------------------------------- /1 - wei/ocr_densenet/code/ocr/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/ocr_densenet/code/ocr/main.py -------------------------------------------------------------------------------- /1 - wei/ocr_densenet/code/ocr/resnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/ocr_densenet/code/ocr/resnet.py -------------------------------------------------------------------------------- /1 - wei/ocr_densenet/code/ocr/tools/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /1 - wei/ocr_densenet/code/ocr/tools/measures.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/ocr_densenet/code/ocr/tools/measures.py -------------------------------------------------------------------------------- /1 - wei/ocr_densenet/code/ocr/tools/parse.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/ocr_densenet/code/ocr/tools/parse.py -------------------------------------------------------------------------------- /1 - wei/ocr_densenet/code/ocr/tools/plot.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/ocr_densenet/code/ocr/tools/plot.py -------------------------------------------------------------------------------- /1 - wei/ocr_densenet/code/ocr/tools/py_op.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/ocr_densenet/code/ocr/tools/py_op.py -------------------------------------------------------------------------------- /1 - wei/ocr_densenet/code/ocr/tools/segmentation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/ocr_densenet/code/ocr/tools/segmentation.py -------------------------------------------------------------------------------- /1 - wei/ocr_densenet/code/ocr/tools/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/ocr_densenet/code/ocr/tools/utils.py -------------------------------------------------------------------------------- /1 - wei/ocr_densenet/code/preprocessing/analysis_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/ocr_densenet/code/preprocessing/analysis_dataset.py -------------------------------------------------------------------------------- /1 - wei/ocr_densenet/code/preprocessing/map_word_to_index.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/ocr_densenet/code/preprocessing/map_word_to_index.py -------------------------------------------------------------------------------- /1 - wei/ocr_densenet/code/preprocessing/show_black.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/ocr_densenet/code/preprocessing/show_black.py -------------------------------------------------------------------------------- /1 - wei/ocr_densenet/files/.DS_Store: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/ocr_densenet/files/.DS_Store -------------------------------------------------------------------------------- /1 - wei/ocr_densenet/files/alphabet_count_dict.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/ocr_densenet/files/alphabet_count_dict.json -------------------------------------------------------------------------------- /1 - wei/ocr_densenet/files/alphabet_index_dict.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/ocr_densenet/files/alphabet_index_dict.json -------------------------------------------------------------------------------- /1 - wei/ocr_densenet/files/black.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/ocr_densenet/files/black.json -------------------------------------------------------------------------------- /1 - wei/ocr_densenet/files/image_hw_ratio_dict.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/ocr_densenet/files/image_hw_ratio_dict.json -------------------------------------------------------------------------------- /1 - wei/ocr_densenet/files/src/A81.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/ocr_densenet/files/src/A81.png -------------------------------------------------------------------------------- /1 - wei/ocr_densenet/files/src/B1000_0.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/ocr_densenet/files/src/B1000_0.png -------------------------------------------------------------------------------- /1 - wei/ocr_densenet/files/train_alphabet.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/ocr_densenet/files/train_alphabet.json -------------------------------------------------------------------------------- /1 - wei/ocr_densenet/files/ttf/simsun.ttf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/ocr_densenet/files/ttf/simsun.ttf -------------------------------------------------------------------------------- /1 - wei/ocr_densenet/requirement.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/ocr_densenet/requirement.txt -------------------------------------------------------------------------------- /1 - wei/tinymind.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/1 - wei/tinymind.ipynb -------------------------------------------------------------------------------- /2 - TitanikData/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/2 - TitanikData/README.md -------------------------------------------------------------------------------- /2 - TitanikData/deep-text-recognition-benchmark-master/LICENSE.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/2 - TitanikData/deep-text-recognition-benchmark-master/LICENSE.md -------------------------------------------------------------------------------- /2 - TitanikData/deep-text-recognition-benchmark-master/create_lmdb_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/2 - TitanikData/deep-text-recognition-benchmark-master/create_lmdb_dataset.py -------------------------------------------------------------------------------- /2 - TitanikData/deep-text-recognition-benchmark-master/dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/2 - TitanikData/deep-text-recognition-benchmark-master/dataset.py -------------------------------------------------------------------------------- /2 - TitanikData/deep-text-recognition-benchmark-master/demo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/2 - TitanikData/deep-text-recognition-benchmark-master/demo.py -------------------------------------------------------------------------------- /2 - TitanikData/deep-text-recognition-benchmark-master/model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/2 - TitanikData/deep-text-recognition-benchmark-master/model.py -------------------------------------------------------------------------------- /2 - TitanikData/deep-text-recognition-benchmark-master/modules/feature_extraction.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/2 - TitanikData/deep-text-recognition-benchmark-master/modules/feature_extraction.py -------------------------------------------------------------------------------- /2 - TitanikData/deep-text-recognition-benchmark-master/modules/prediction.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/2 - TitanikData/deep-text-recognition-benchmark-master/modules/prediction.py -------------------------------------------------------------------------------- /2 - TitanikData/deep-text-recognition-benchmark-master/modules/sequence_modeling.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/2 - TitanikData/deep-text-recognition-benchmark-master/modules/sequence_modeling.py -------------------------------------------------------------------------------- /2 - TitanikData/deep-text-recognition-benchmark-master/modules/transformation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/2 - TitanikData/deep-text-recognition-benchmark-master/modules/transformation.py -------------------------------------------------------------------------------- /2 - TitanikData/deep-text-recognition-benchmark-master/predict.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/2 - TitanikData/deep-text-recognition-benchmark-master/predict.sh -------------------------------------------------------------------------------- /2 - TitanikData/deep-text-recognition-benchmark-master/test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/2 - TitanikData/deep-text-recognition-benchmark-master/test.py -------------------------------------------------------------------------------- /2 - TitanikData/deep-text-recognition-benchmark-master/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/2 - TitanikData/deep-text-recognition-benchmark-master/train.py -------------------------------------------------------------------------------- /2 - TitanikData/deep-text-recognition-benchmark-master/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/2 - TitanikData/deep-text-recognition-benchmark-master/utils.py -------------------------------------------------------------------------------- /2 - TitanikData/检测/README.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/2 - TitanikData/检测/README.txt -------------------------------------------------------------------------------- /2 - TitanikData/检测/faster_rcnn_r50_fpn_1x_voc0712.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/2 - TitanikData/检测/faster_rcnn_r50_fpn_1x_voc0712.py -------------------------------------------------------------------------------- /2 - TitanikData/检测/pick_picname.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/2 - TitanikData/检测/pick_picname.py -------------------------------------------------------------------------------- /2 - TitanikData/检测/test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/2 - TitanikData/检测/test.py -------------------------------------------------------------------------------- /3 - TechDing/.idea/RMB_TechDing.iml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/3 - TechDing/.idea/RMB_TechDing.iml -------------------------------------------------------------------------------- /3 - TechDing/.idea/dictionaries/pc.xml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/3 - TechDing/.idea/dictionaries/pc.xml -------------------------------------------------------------------------------- /3 - TechDing/.idea/encodings.xml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/3 - TechDing/.idea/encodings.xml -------------------------------------------------------------------------------- /3 - TechDing/.idea/misc.xml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/3 - TechDing/.idea/misc.xml -------------------------------------------------------------------------------- /3 - TechDing/.idea/modules.xml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/3 - TechDing/.idea/modules.xml -------------------------------------------------------------------------------- /3 - TechDing/.idea/workspace.xml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/3 - TechDing/.idea/workspace.xml -------------------------------------------------------------------------------- /3 - TechDing/CTC_Models/Utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/3 - TechDing/CTC_Models/Utils.py -------------------------------------------------------------------------------- /3 - TechDing/CTC_Models/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/3 - TechDing/CTC_Models/__init__.py -------------------------------------------------------------------------------- /3 - TechDing/CTC_Models/model_predict.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/3 - TechDing/CTC_Models/model_predict.py -------------------------------------------------------------------------------- /3 - TechDing/CTPN_ROI/__init__.py: -------------------------------------------------------------------------------- 1 | from .ctpn import get_save_ctpn_roi -------------------------------------------------------------------------------- /3 - TechDing/CTPN_ROI/checkpoints/checkpoint: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/3 - TechDing/CTPN_ROI/checkpoints/checkpoint -------------------------------------------------------------------------------- /3 - TechDing/CTPN_ROI/ctpn/__init__.py: -------------------------------------------------------------------------------- 1 | from .get_ROI_imgs import get_save_ctpn_roi 2 | -------------------------------------------------------------------------------- /3 - TechDing/CTPN_ROI/ctpn/get_ROI_imgs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/3 - TechDing/CTPN_ROI/ctpn/get_ROI_imgs.py -------------------------------------------------------------------------------- /3 - TechDing/CTPN_ROI/ctpn/rmb_db.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/3 - TechDing/CTPN_ROI/ctpn/rmb_db.py -------------------------------------------------------------------------------- /3 - TechDing/CTPN_ROI/ctpn/text.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/3 - TechDing/CTPN_ROI/ctpn/text.yml -------------------------------------------------------------------------------- /3 - TechDing/CTPN_ROI/说明.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/3 - TechDing/CTPN_ROI/说明.txt -------------------------------------------------------------------------------- /3 - TechDing/CV_ROI/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/3 - TechDing/CV_ROI/__init__.py -------------------------------------------------------------------------------- /3 - TechDing/CV_ROI/extract_ROI.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/3 - TechDing/CV_ROI/extract_ROI.py -------------------------------------------------------------------------------- /3 - TechDing/CV_ROI/说明.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/3 - TechDing/CV_ROI/说明.txt -------------------------------------------------------------------------------- /3 - TechDing/Main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/3 - TechDing/Main.py -------------------------------------------------------------------------------- /3 - TechDing/config.cfg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/3 - TechDing/config.cfg -------------------------------------------------------------------------------- /3 - TechDing/private_test_final_submit.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/3 - TechDing/private_test_final_submit.csv -------------------------------------------------------------------------------- /3 - TechDing/test_result.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/3 - TechDing/test_result.csv -------------------------------------------------------------------------------- /3 - TechDing/使用方法.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/3 - TechDing/使用方法.txt -------------------------------------------------------------------------------- /4 - HLearning/CRNN.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/4 - HLearning/CRNN.ipynb -------------------------------------------------------------------------------- /4 - HLearning/readme.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/4 - HLearning/readme.md -------------------------------------------------------------------------------- /4 - HLearning/text-detection-ctpn/LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/4 - HLearning/text-detection-ctpn/LICENSE -------------------------------------------------------------------------------- /4 - HLearning/text-detection-ctpn/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/4 - HLearning/text-detection-ctpn/README.md -------------------------------------------------------------------------------- /4 - HLearning/text-detection-ctpn/main/demo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/4 - HLearning/text-detection-ctpn/main/demo.py -------------------------------------------------------------------------------- /4 - HLearning/text-detection-ctpn/main/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/4 - HLearning/text-detection-ctpn/main/train.py -------------------------------------------------------------------------------- /4 - HLearning/text-detection-ctpn/nets/model_train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/4 - HLearning/text-detection-ctpn/nets/model_train.py -------------------------------------------------------------------------------- /4 - HLearning/text-detection-ctpn/nets/vgg.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/4 - HLearning/text-detection-ctpn/nets/vgg.py -------------------------------------------------------------------------------- /4 - HLearning/text-detection-ctpn/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/4 - HLearning/text-detection-ctpn/requirements.txt -------------------------------------------------------------------------------- /4 - HLearning/text-detection-ctpn/utils/bbox/.fuse_hidden0000c4ff00000003: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/4 - HLearning/text-detection-ctpn/utils/bbox/.fuse_hidden0000c4ff00000003 -------------------------------------------------------------------------------- /4 - HLearning/text-detection-ctpn/utils/bbox/bbox.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/4 - HLearning/text-detection-ctpn/utils/bbox/bbox.c -------------------------------------------------------------------------------- /4 - HLearning/text-detection-ctpn/utils/bbox/bbox.pyx: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/4 - HLearning/text-detection-ctpn/utils/bbox/bbox.pyx -------------------------------------------------------------------------------- /4 - HLearning/text-detection-ctpn/utils/bbox/bbox_transform.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/4 - HLearning/text-detection-ctpn/utils/bbox/bbox_transform.py -------------------------------------------------------------------------------- /4 - HLearning/text-detection-ctpn/utils/bbox/make.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/4 - HLearning/text-detection-ctpn/utils/bbox/make.sh -------------------------------------------------------------------------------- /4 - HLearning/text-detection-ctpn/utils/bbox/nms.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/4 - HLearning/text-detection-ctpn/utils/bbox/nms.c -------------------------------------------------------------------------------- /4 - HLearning/text-detection-ctpn/utils/bbox/nms.pyx: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/4 - HLearning/text-detection-ctpn/utils/bbox/nms.pyx -------------------------------------------------------------------------------- /4 - HLearning/text-detection-ctpn/utils/bbox/setup.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/4 - HLearning/text-detection-ctpn/utils/bbox/setup.py -------------------------------------------------------------------------------- /4 - HLearning/text-detection-ctpn/utils/dataset/data_provider.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/4 - HLearning/text-detection-ctpn/utils/dataset/data_provider.py -------------------------------------------------------------------------------- /4 - HLearning/text-detection-ctpn/utils/dataset/data_util.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/4 - HLearning/text-detection-ctpn/utils/dataset/data_util.py -------------------------------------------------------------------------------- /4 - HLearning/text-detection-ctpn/utils/prepare/split_label.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/4 - HLearning/text-detection-ctpn/utils/prepare/split_label.py -------------------------------------------------------------------------------- /4 - HLearning/text-detection-ctpn/utils/prepare/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/4 - HLearning/text-detection-ctpn/utils/prepare/utils.py -------------------------------------------------------------------------------- /4 - HLearning/text-detection-ctpn/utils/rpn_msr/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /4 - HLearning/text-detection-ctpn/utils/rpn_msr/anchor_target_layer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/4 - HLearning/text-detection-ctpn/utils/rpn_msr/anchor_target_layer.py -------------------------------------------------------------------------------- /4 - HLearning/text-detection-ctpn/utils/rpn_msr/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/4 - HLearning/text-detection-ctpn/utils/rpn_msr/config.py -------------------------------------------------------------------------------- /4 - HLearning/text-detection-ctpn/utils/rpn_msr/generate_anchors.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/4 - HLearning/text-detection-ctpn/utils/rpn_msr/generate_anchors.py -------------------------------------------------------------------------------- /4 - HLearning/text-detection-ctpn/utils/rpn_msr/proposal_layer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/4 - HLearning/text-detection-ctpn/utils/rpn_msr/proposal_layer.py -------------------------------------------------------------------------------- /4 - HLearning/text-detection-ctpn/utils/text_connector/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /4 - HLearning/text-detection-ctpn/utils/text_connector/detectors.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/4 - HLearning/text-detection-ctpn/utils/text_connector/detectors.py -------------------------------------------------------------------------------- /4 - HLearning/text-detection-ctpn/utils/text_connector/other.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/4 - HLearning/text-detection-ctpn/utils/text_connector/other.py -------------------------------------------------------------------------------- /4 - HLearning/text-detection-ctpn/utils/text_connector/text_connect_cfg.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/4 - HLearning/text-detection-ctpn/utils/text_connector/text_connect_cfg.py -------------------------------------------------------------------------------- /4 - HLearning/text-detection-ctpn/utils/text_connector/text_proposal_connector.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/4 - HLearning/text-detection-ctpn/utils/text_connector/text_proposal_connector.py -------------------------------------------------------------------------------- /4 - HLearning/text-detection-ctpn/utils/text_connector/text_proposal_connector_oriented.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/4 - HLearning/text-detection-ctpn/utils/text_connector/text_proposal_connector_oriented.py -------------------------------------------------------------------------------- /4 - HLearning/text-detection-ctpn/utils/text_connector/text_proposal_graph_builder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/4 - HLearning/text-detection-ctpn/utils/text_connector/text_proposal_graph_builder.py -------------------------------------------------------------------------------- /4 - HLearning/zzz-Xecp&&IncV2&&Dense&&resnet.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/4 - HLearning/zzz-Xecp&&IncV2&&Dense&&resnet.csv -------------------------------------------------------------------------------- /5 - ResNet34/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/5 - ResNet34/README.md -------------------------------------------------------------------------------- /5 - ResNet34/crnn-pytorch/.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/5 - ResNet34/crnn-pytorch/.gitignore -------------------------------------------------------------------------------- /5 - ResNet34/crnn-pytorch/LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/5 - ResNet34/crnn-pytorch/LICENSE -------------------------------------------------------------------------------- /5 - ResNet34/crnn-pytorch/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/5 - ResNet34/crnn-pytorch/README.md -------------------------------------------------------------------------------- /5 - ResNet34/crnn-pytorch/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /5 - ResNet34/crnn-pytorch/dataset/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /5 - ResNet34/crnn-pytorch/dataset/collate_fn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/5 - ResNet34/crnn-pytorch/dataset/collate_fn.py -------------------------------------------------------------------------------- /5 - ResNet34/crnn-pytorch/dataset/data_transform.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/5 - ResNet34/crnn-pytorch/dataset/data_transform.py -------------------------------------------------------------------------------- /5 - ResNet34/crnn-pytorch/dataset/test_data.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/5 - ResNet34/crnn-pytorch/dataset/test_data.py -------------------------------------------------------------------------------- /5 - ResNet34/crnn-pytorch/dataset/text_data.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/5 - ResNet34/crnn-pytorch/dataset/text_data.py -------------------------------------------------------------------------------- /5 - ResNet34/crnn-pytorch/fold_tta.pkl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/5 - ResNet34/crnn-pytorch/fold_tta.pkl -------------------------------------------------------------------------------- /5 - ResNet34/crnn-pytorch/lr_policy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/5 - ResNet34/crnn-pytorch/lr_policy.py -------------------------------------------------------------------------------- /5 - ResNet34/crnn-pytorch/models/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /5 - ResNet34/crnn-pytorch/models/crnn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/5 - ResNet34/crnn-pytorch/models/crnn.py -------------------------------------------------------------------------------- /5 - ResNet34/crnn-pytorch/models/model_loader.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/5 - ResNet34/crnn-pytorch/models/model_loader.py -------------------------------------------------------------------------------- /5 - ResNet34/crnn-pytorch/pb_rcnn_label.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/5 - ResNet34/crnn-pytorch/pb_rcnn_label.csv -------------------------------------------------------------------------------- /5 - ResNet34/crnn-pytorch/submit.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/5 - ResNet34/crnn-pytorch/submit.py -------------------------------------------------------------------------------- /5 - ResNet34/crnn-pytorch/test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/5 - ResNet34/crnn-pytorch/test.py -------------------------------------------------------------------------------- /5 - ResNet34/crnn-pytorch/test2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/5 - ResNet34/crnn-pytorch/test2.py -------------------------------------------------------------------------------- /5 - ResNet34/crnn-pytorch/test2_tta.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/5 - ResNet34/crnn-pytorch/test2_tta.py -------------------------------------------------------------------------------- /5 - ResNet34/crnn-pytorch/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/5 - ResNet34/crnn-pytorch/train.py -------------------------------------------------------------------------------- /5 - ResNet34/crnn-pytorch/数据读取.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/5 - ResNet34/crnn-pytorch/数据读取.ipynb -------------------------------------------------------------------------------- /5 - ResNet34/multi-digit-pytorch/1_train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/5 - ResNet34/multi-digit-pytorch/1_train.py -------------------------------------------------------------------------------- /5 - ResNet34/multi-digit-pytorch/2_predict.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/5 - ResNet34/multi-digit-pytorch/2_predict.py -------------------------------------------------------------------------------- /5 - ResNet34/multi-digit-pytorch/未命名.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/5 - ResNet34/multi-digit-pytorch/未命名.ipynb -------------------------------------------------------------------------------- /README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/README.md -------------------------------------------------------------------------------- /赛后分享PPT/1 - wei.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/赛后分享PPT/1 - wei.pdf -------------------------------------------------------------------------------- /赛后分享PPT/2 - TitanikData.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/赛后分享PPT/2 - TitanikData.pdf -------------------------------------------------------------------------------- /赛后分享PPT/3 - TechDing.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/赛后分享PPT/3 - TechDing.pdf -------------------------------------------------------------------------------- /赛后分享PPT/4 - HLearning.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/赛后分享PPT/4 - HLearning.pdf -------------------------------------------------------------------------------- /赛后分享PPT/5 - ResNet34.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mind/RMB/HEAD/赛后分享PPT/5 - ResNet34.pdf --------------------------------------------------------------------------------