├── README.md ├── chn_cls_list.txt ├── config └── ESTS │ ├── ESTS_4scale_chn_finetune.py │ ├── ESTS_4scale_chn_pretrain.py │ ├── ESTS_4scale_mlt_finetune.py │ ├── ESTS_4scale_mlt_pretrain.py │ ├── ESTS_5scale_ctw1500_finetune.py │ ├── ESTS_5scale_joint_train.py │ ├── ESTS_5scale_pretrain.py │ ├── ESTS_5scale_tt_finetune.py │ ├── ESTS_5scale_vintext_finetune.py │ └── coco_transformer.py ├── d2 ├── README.md ├── configs │ ├── detr_256_6_6_torchvision.yaml │ └── detr_segm_256_6_6_torchvision.yaml ├── converter.py ├── detr │ ├── __init__.py │ ├── config.py │ ├── dataset_mapper.py │ └── detr.py └── train_net.py ├── datasets ├── __init__.py ├── coco.py ├── coco_eval.py ├── coco_panoptic.py ├── data_util.py ├── dataset.py ├── o365.py ├── panoptic_eval.py ├── qd_common.py ├── random_crop.py ├── sltransform.py ├── transforms.py ├── tsv_io.py └── vanke.py ├── detectron2-0.2.1 ├── .circleci │ └── config.yml ├── .clang-format ├── .flake8 ├── .github │ ├── CODE_OF_CONDUCT.md │ ├── CONTRIBUTING.md │ ├── Detectron2-Logo-Horz.svg │ ├── ISSUE_TEMPLATE.md │ ├── ISSUE_TEMPLATE │ │ ├── bugs.md │ │ ├── config.yml │ │ ├── feature-request.md │ │ ├── questions-help-support.md │ │ └── unexpected-problems-bugs.md │ ├── pull_request_template.md │ └── workflows │ │ └── workflow.yml ├── .gitignore ├── GETTING_STARTED.md ├── INSTALL.md ├── LICENSE ├── MODEL_ZOO.md ├── README.md ├── configs │ ├── Base-RCNN-C4.yaml │ ├── Base-RCNN-DilatedC5.yaml │ ├── Base-RCNN-FPN.yaml │ ├── Base-RetinaNet.yaml │ ├── COCO-Detection │ │ ├── fast_rcnn_R_50_FPN_1x.yaml │ │ ├── faster_rcnn_R_101_C4_3x.yaml │ │ ├── faster_rcnn_R_101_DC5_3x.yaml │ │ ├── faster_rcnn_R_101_FPN_3x.yaml │ │ ├── faster_rcnn_R_50_C4_1x.yaml │ │ ├── faster_rcnn_R_50_C4_3x.yaml │ │ ├── faster_rcnn_R_50_DC5_1x.yaml │ │ ├── faster_rcnn_R_50_DC5_3x.yaml │ │ ├── faster_rcnn_R_50_FPN_1x.yaml │ │ ├── faster_rcnn_R_50_FPN_3x.yaml │ │ ├── faster_rcnn_X_101_32x8d_FPN_3x.yaml │ │ ├── retinanet_R_101_FPN_3x.yaml │ │ ├── retinanet_R_50_FPN_1x.yaml │ │ ├── retinanet_R_50_FPN_3x.yaml │ │ ├── rpn_R_50_C4_1x.yaml │ │ └── rpn_R_50_FPN_1x.yaml │ ├── COCO-InstanceSegmentation │ │ ├── mask_rcnn_R_101_C4_3x.yaml │ │ ├── mask_rcnn_R_101_DC5_3x.yaml │ │ ├── mask_rcnn_R_101_FPN_3x.yaml │ │ ├── mask_rcnn_R_50_C4_1x.yaml │ │ ├── mask_rcnn_R_50_C4_3x.yaml │ │ ├── mask_rcnn_R_50_DC5_1x.yaml │ │ ├── mask_rcnn_R_50_DC5_3x.yaml │ │ ├── mask_rcnn_R_50_FPN_1x.yaml │ │ ├── mask_rcnn_R_50_FPN_1x_giou.yaml │ │ ├── mask_rcnn_R_50_FPN_3x.yaml │ │ └── mask_rcnn_X_101_32x8d_FPN_3x.yaml │ ├── COCO-Keypoints │ │ ├── Base-Keypoint-RCNN-FPN.yaml │ │ ├── keypoint_rcnn_R_101_FPN_3x.yaml │ │ ├── keypoint_rcnn_R_50_FPN_1x.yaml │ │ ├── keypoint_rcnn_R_50_FPN_3x.yaml │ │ └── keypoint_rcnn_X_101_32x8d_FPN_3x.yaml │ ├── COCO-PanopticSegmentation │ │ ├── Base-Panoptic-FPN.yaml │ │ ├── panoptic_fpn_R_101_3x.yaml │ │ ├── panoptic_fpn_R_50_1x.yaml │ │ └── panoptic_fpn_R_50_3x.yaml │ ├── Cityscapes │ │ └── mask_rcnn_R_50_FPN.yaml │ ├── Detectron1-Comparisons │ │ ├── README.md │ │ ├── faster_rcnn_R_50_FPN_noaug_1x.yaml │ │ ├── keypoint_rcnn_R_50_FPN_1x.yaml │ │ └── mask_rcnn_R_50_FPN_noaug_1x.yaml │ ├── LVISv0.5-InstanceSegmentation │ │ ├── mask_rcnn_R_101_FPN_1x.yaml │ │ ├── mask_rcnn_R_50_FPN_1x.yaml │ │ └── mask_rcnn_X_101_32x8d_FPN_1x.yaml │ ├── LVISv1-InstanceSegmentation │ │ ├── mask_rcnn_R_101_FPN_1x.yaml │ │ ├── mask_rcnn_R_50_FPN_1x.yaml │ │ └── mask_rcnn_X_101_32x8d_FPN_1x.yaml │ ├── Misc │ │ ├── cascade_mask_rcnn_R_50_FPN_1x.yaml │ │ ├── cascade_mask_rcnn_R_50_FPN_3x.yaml │ │ ├── cascade_mask_rcnn_X_152_32x8d_FPN_IN5k_gn_dconv.yaml │ │ ├── mask_rcnn_R_50_FPN_1x_cls_agnostic.yaml │ │ ├── mask_rcnn_R_50_FPN_1x_dconv_c3-c5.yaml │ │ ├── mask_rcnn_R_50_FPN_3x_dconv_c3-c5.yaml │ │ ├── mask_rcnn_R_50_FPN_3x_gn.yaml │ │ ├── mask_rcnn_R_50_FPN_3x_syncbn.yaml │ │ ├── panoptic_fpn_R_101_dconv_cascade_gn_3x.yaml │ │ ├── scratch_mask_rcnn_R_50_FPN_3x_gn.yaml │ │ ├── scratch_mask_rcnn_R_50_FPN_9x_gn.yaml │ │ ├── scratch_mask_rcnn_R_50_FPN_9x_syncbn.yaml │ │ └── semantic_R_50_FPN_1x.yaml │ ├── PascalVOC-Detection │ │ ├── faster_rcnn_R_50_C4.yaml │ │ └── faster_rcnn_R_50_FPN.yaml │ └── quick_schedules │ │ ├── README.md │ │ ├── cascade_mask_rcnn_R_50_FPN_inference_acc_test.yaml │ │ ├── cascade_mask_rcnn_R_50_FPN_instant_test.yaml │ │ ├── fast_rcnn_R_50_FPN_inference_acc_test.yaml │ │ ├── fast_rcnn_R_50_FPN_instant_test.yaml │ │ ├── keypoint_rcnn_R_50_FPN_inference_acc_test.yaml │ │ ├── keypoint_rcnn_R_50_FPN_instant_test.yaml │ │ ├── keypoint_rcnn_R_50_FPN_normalized_training_acc_test.yaml │ │ ├── keypoint_rcnn_R_50_FPN_training_acc_test.yaml │ │ ├── mask_rcnn_R_50_C4_GCV_instant_test.yaml │ │ ├── mask_rcnn_R_50_C4_inference_acc_test.yaml │ │ ├── mask_rcnn_R_50_C4_instant_test.yaml │ │ ├── mask_rcnn_R_50_C4_training_acc_test.yaml │ │ ├── mask_rcnn_R_50_DC5_inference_acc_test.yaml │ │ ├── mask_rcnn_R_50_FPN_inference_acc_test.yaml │ │ ├── mask_rcnn_R_50_FPN_instant_test.yaml │ │ ├── mask_rcnn_R_50_FPN_pred_boxes_training_acc_test.yaml │ │ ├── mask_rcnn_R_50_FPN_training_acc_test.yaml │ │ ├── panoptic_fpn_R_50_inference_acc_test.yaml │ │ ├── panoptic_fpn_R_50_instant_test.yaml │ │ ├── panoptic_fpn_R_50_training_acc_test.yaml │ │ ├── retinanet_R_50_FPN_inference_acc_test.yaml │ │ ├── retinanet_R_50_FPN_instant_test.yaml │ │ ├── rpn_R_50_FPN_inference_acc_test.yaml │ │ ├── rpn_R_50_FPN_instant_test.yaml │ │ ├── semantic_R_50_FPN_inference_acc_test.yaml │ │ ├── semantic_R_50_FPN_instant_test.yaml │ │ └── semantic_R_50_FPN_training_acc_test.yaml ├── demo │ ├── README.md │ ├── demo.py │ └── predictor.py ├── detectron2 │ ├── __init__.py │ ├── checkpoint │ │ ├── __init__.py │ │ ├── c2_model_loading.py │ │ ├── catalog.py │ │ └── detection_checkpoint.py │ ├── config │ │ ├── __init__.py │ │ ├── compat.py │ │ ├── config.py │ │ └── defaults.py │ ├── data │ │ ├── __init__.py │ │ ├── build.py │ │ ├── catalog.py │ │ ├── common.py │ │ ├── dataset_mapper.py │ │ ├── datasets │ │ │ ├── README.md │ │ │ ├── __init__.py │ │ │ ├── builtin.py │ │ │ ├── builtin_meta.py │ │ │ ├── cityscapes.py │ │ │ ├── coco.py │ │ │ ├── lvis.py │ │ │ ├── lvis_v0_5_categories.py │ │ │ ├── lvis_v1_categories.py │ │ │ ├── pascal_voc.py │ │ │ └── register_coco.py │ │ ├── detection_utils.py │ │ ├── samplers │ │ │ ├── __init__.py │ │ │ ├── distributed_sampler.py │ │ │ └── grouped_batch_sampler.py │ │ └── transforms │ │ │ ├── __init__.py │ │ │ ├── augmentation.py │ │ │ ├── augmentation_impl.py │ │ │ └── transform.py │ ├── engine │ │ ├── __init__.py │ │ ├── defaults.py │ │ ├── hooks.py │ │ ├── launch.py │ │ └── train_loop.py │ ├── evaluation │ │ ├── __init__.py │ │ ├── cityscapes_evaluation.py │ │ ├── coco_evaluation.py │ │ ├── evaluator.py │ │ ├── fast_eval_api.py │ │ ├── lvis_evaluation.py │ │ ├── panoptic_evaluation.py │ │ ├── pascal_voc_evaluation.py │ │ ├── rotated_coco_evaluation.py │ │ ├── sem_seg_evaluation.py │ │ └── testing.py │ ├── export │ │ ├── README.md │ │ ├── __init__.py │ │ ├── api.py │ │ ├── c10.py │ │ ├── caffe2_export.py │ │ ├── caffe2_inference.py │ │ ├── caffe2_modeling.py │ │ ├── patcher.py │ │ ├── shared.py │ │ └── torchscript.py │ ├── layers │ │ ├── __init__.py │ │ ├── aspp.py │ │ ├── batch_norm.py │ │ ├── blocks.py │ │ ├── csrc │ │ │ ├── README.md │ │ │ ├── ROIAlign │ │ │ │ ├── ROIAlign.h │ │ │ │ ├── ROIAlign_cpu.cpp │ │ │ │ └── ROIAlign_cuda.cu │ │ │ ├── ROIAlignRotated │ │ │ │ ├── ROIAlignRotated.h │ │ │ │ ├── ROIAlignRotated_cpu.cpp │ │ │ │ └── ROIAlignRotated_cuda.cu │ │ │ ├── box_iou_rotated │ │ │ │ ├── box_iou_rotated.h │ │ │ │ ├── box_iou_rotated_cpu.cpp │ │ │ │ ├── box_iou_rotated_cuda.cu │ │ │ │ └── box_iou_rotated_utils.h │ │ │ ├── cocoeval │ │ │ │ ├── cocoeval.cpp │ │ │ │ └── cocoeval.h │ │ │ ├── cuda_version.cu │ │ │ ├── deformable │ │ │ │ ├── deform_conv.h │ │ │ │ ├── deform_conv_cuda.cu │ │ │ │ └── deform_conv_cuda_kernel.cu │ │ │ ├── nms_rotated │ │ │ │ ├── nms_rotated.h │ │ │ │ ├── nms_rotated_cpu.cpp │ │ │ │ └── nms_rotated_cuda.cu │ │ │ └── vision.cpp │ │ ├── deform_conv.py │ │ ├── mask_ops.py │ │ ├── nms.py │ │ ├── roi_align.py │ │ ├── roi_align_rotated.py │ │ ├── rotated_boxes.py │ │ ├── shape_spec.py │ │ └── wrappers.py │ ├── model_zoo │ │ ├── __init__.py │ │ └── model_zoo.py │ ├── modeling │ │ ├── __init__.py │ │ ├── anchor_generator.py │ │ ├── backbone │ │ │ ├── __init__.py │ │ │ ├── backbone.py │ │ │ ├── build.py │ │ │ ├── fpn.py │ │ │ ├── maxvit.py │ │ │ ├── resnet.py │ │ │ └── swintransformer.py │ │ ├── box_regression.py │ │ ├── matcher.py │ │ ├── meta_arch │ │ │ ├── __init__.py │ │ │ ├── build.py │ │ │ ├── panoptic_fpn.py │ │ │ ├── rcnn.py │ │ │ ├── retinanet.py │ │ │ └── semantic_seg.py │ │ ├── poolers.py │ │ ├── postprocessing.py │ │ ├── proposal_generator │ │ │ ├── __init__.py │ │ │ ├── build.py │ │ │ ├── proposal_utils.py │ │ │ ├── rpn.py │ │ │ └── rrpn.py │ │ ├── roi_heads │ │ │ ├── __init__.py │ │ │ ├── box_head.py │ │ │ ├── cascade_rcnn.py │ │ │ ├── fast_rcnn.py │ │ │ ├── keypoint_head.py │ │ │ ├── mask_head.py │ │ │ ├── roi_heads.py │ │ │ └── rotated_fast_rcnn.py │ │ ├── sampling.py │ │ └── test_time_augmentation.py │ ├── solver │ │ ├── __init__.py │ │ ├── build.py │ │ └── lr_scheduler.py │ ├── structures │ │ ├── __init__.py │ │ ├── boxes.py │ │ ├── image_list.py │ │ ├── instances.py │ │ ├── keypoints.py │ │ ├── masks.py │ │ └── rotated_boxes.py │ └── utils │ │ ├── README.md │ │ ├── __init__.py │ │ ├── analysis.py │ │ ├── collect_env.py │ │ ├── colormap.py │ │ ├── comm.py │ │ ├── env.py │ │ ├── events.py │ │ ├── logger.py │ │ ├── memory.py │ │ ├── registry.py │ │ ├── serialize.py │ │ ├── video_visualizer.py │ │ └── visualizer.py ├── dev │ ├── README.md │ ├── linter.sh │ ├── packaging │ │ ├── README.md │ │ ├── build_all_wheels.sh │ │ ├── build_wheel.sh │ │ ├── gen_install_table.py │ │ ├── gen_wheel_index.sh │ │ └── pkg_helpers.bash │ ├── parse_results.sh │ ├── run_inference_tests.sh │ └── run_instant_tests.sh ├── docker │ ├── Dockerfile │ ├── Dockerfile-circleci │ ├── README.md │ └── docker-compose.yml ├── docs │ ├── .gitignore │ ├── Makefile │ ├── README.md │ ├── _static │ │ └── css │ │ │ └── custom.css │ ├── conf.py │ ├── index.rst │ ├── modules │ │ ├── checkpoint.rst │ │ ├── config.rst │ │ ├── data.rst │ │ ├── engine.rst │ │ ├── evaluation.rst │ │ ├── export.rst │ │ ├── index.rst │ │ ├── layers.rst │ │ ├── model_zoo.rst │ │ ├── modeling.rst │ │ ├── solver.rst │ │ ├── structures.rst │ │ └── utils.rst │ ├── notes │ │ ├── benchmarks.md │ │ ├── changelog.md │ │ ├── compatibility.md │ │ ├── contributing.md │ │ └── index.rst │ └── tutorials │ │ ├── README.md │ │ ├── builtin_datasets.md │ │ ├── configs.md │ │ ├── data_loading.md │ │ ├── datasets.md │ │ ├── deployment.md │ │ ├── evaluation.md │ │ ├── extend.md │ │ ├── getting_started.md │ │ ├── index.rst │ │ ├── install.md │ │ ├── models.md │ │ ├── training.md │ │ └── write-models.md ├── projects │ ├── DeepLab │ │ ├── README.md │ │ ├── configs │ │ │ └── Cityscapes-SemanticSegmentation │ │ │ │ ├── Base-DeepLabV3-OS16-Semantic.yaml │ │ │ │ ├── deeplab_v3_R_103_os16_mg124_poly_90k_bs16.yaml │ │ │ │ └── deeplab_v3_plus_R_103_os16_mg124_poly_90k_bs16.yaml │ │ ├── deeplab │ │ │ ├── __init__.py │ │ │ ├── build_solver.py │ │ │ ├── config.py │ │ │ ├── loss.py │ │ │ ├── lr_scheduler.py │ │ │ ├── resnet.py │ │ │ └── semantic_seg.py │ │ └── train_net.py │ ├── DensePose │ │ ├── README.md │ │ ├── apply_net.py │ │ ├── configs │ │ │ ├── Base-DensePose-RCNN-FPN.yaml │ │ │ ├── HRNet │ │ │ │ ├── densepose_rcnn_HRFPN_HRNet_w32_s1x.yaml │ │ │ │ ├── densepose_rcnn_HRFPN_HRNet_w40_s1x.yaml │ │ │ │ └── densepose_rcnn_HRFPN_HRNet_w48_s1x.yaml │ │ │ ├── densepose_rcnn_R_101_FPN_DL_WC1_s1x.yaml │ │ │ ├── densepose_rcnn_R_101_FPN_DL_WC2_s1x.yaml │ │ │ ├── densepose_rcnn_R_101_FPN_DL_s1x.yaml │ │ │ ├── densepose_rcnn_R_101_FPN_WC1_s1x.yaml │ │ │ ├── densepose_rcnn_R_101_FPN_WC2_s1x.yaml │ │ │ ├── densepose_rcnn_R_101_FPN_s1x.yaml │ │ │ ├── densepose_rcnn_R_101_FPN_s1x_legacy.yaml │ │ │ ├── densepose_rcnn_R_50_FPN_DL_WC1_s1x.yaml │ │ │ ├── densepose_rcnn_R_50_FPN_DL_WC2_s1x.yaml │ │ │ ├── densepose_rcnn_R_50_FPN_DL_s1x.yaml │ │ │ ├── densepose_rcnn_R_50_FPN_WC1_s1x.yaml │ │ │ ├── densepose_rcnn_R_50_FPN_WC2_s1x.yaml │ │ │ ├── densepose_rcnn_R_50_FPN_s1x.yaml │ │ │ ├── densepose_rcnn_R_50_FPN_s1x_legacy.yaml │ │ │ ├── evolution │ │ │ │ ├── Base-RCNN-FPN-MC-B.yaml │ │ │ │ ├── Base-RCNN-FPN-MC.yaml │ │ │ │ ├── densepose_R_101_FPN_1x_Atop10_toP.yaml │ │ │ │ ├── densepose_R_101_FPN_DL_1x_Atop10_toP.yaml │ │ │ │ ├── densepose_R_101_FPN_DL_WC1M_1x_Atop10_toP.yaml │ │ │ │ ├── densepose_R_101_FPN_DL_WC1_1x_Atop10_toP.yaml │ │ │ │ ├── densepose_R_101_FPN_WC1M_1x_Atop10_toP.yaml │ │ │ │ ├── densepose_R_101_FPN_WC1_1x_Atop10_toP.yaml │ │ │ │ ├── densepose_R_50_FPN_1x_Atop10_toP.yaml │ │ │ │ ├── densepose_R_50_FPN_DL_1x_Atop10_toP.yaml │ │ │ │ ├── densepose_R_50_FPN_DL_WC1M_1x_Atop10_toP.yaml │ │ │ │ ├── densepose_R_50_FPN_DL_WC1_1x_Atop10_toP.yaml │ │ │ │ ├── densepose_R_50_FPN_WC1M_1x_Atop10_toP.yaml │ │ │ │ ├── densepose_R_50_FPN_WC1M_1x_Atop10_toP_B.yaml │ │ │ │ ├── densepose_R_50_FPN_WC1_1x_Atop10_toP.yaml │ │ │ │ └── faster_rcnn_R_50_FPN_1x_MC.yaml │ │ │ └── quick_schedules │ │ │ │ ├── densepose_rcnn_HRFPN_HRNet_w32_training_acc_test.yaml │ │ │ │ ├── densepose_rcnn_R_50_FPN_DL_instant_test.yaml │ │ │ │ ├── densepose_rcnn_R_50_FPN_TTA_inference_acc_test.yaml │ │ │ │ ├── densepose_rcnn_R_50_FPN_WC1_instant_test.yaml │ │ │ │ ├── densepose_rcnn_R_50_FPN_WC2_instant_test.yaml │ │ │ │ ├── densepose_rcnn_R_50_FPN_inference_acc_test.yaml │ │ │ │ ├── densepose_rcnn_R_50_FPN_instant_test.yaml │ │ │ │ └── densepose_rcnn_R_50_FPN_training_acc_test.yaml │ │ ├── densepose │ │ │ ├── __init__.py │ │ │ ├── config.py │ │ │ ├── data │ │ │ │ ├── __init__.py │ │ │ │ ├── build.py │ │ │ │ ├── combined_loader.py │ │ │ │ ├── dataset_mapper.py │ │ │ │ ├── datasets │ │ │ │ │ ├── __init__.py │ │ │ │ │ ├── builtin.py │ │ │ │ │ ├── chimpnsee.py │ │ │ │ │ ├── coco.py │ │ │ │ │ └── dataset_type.py │ │ │ │ ├── inference_based_loader.py │ │ │ │ ├── samplers │ │ │ │ │ ├── __init__.py │ │ │ │ │ ├── densepose_base.py │ │ │ │ │ ├── densepose_confidence_based.py │ │ │ │ │ ├── densepose_uniform.py │ │ │ │ │ ├── mask_from_densepose.py │ │ │ │ │ └── prediction_to_gt.py │ │ │ │ ├── structures.py │ │ │ │ ├── transform │ │ │ │ │ ├── __init__.py │ │ │ │ │ └── image.py │ │ │ │ ├── utils.py │ │ │ │ └── video │ │ │ │ │ ├── __init__.py │ │ │ │ │ ├── frame_selector.py │ │ │ │ │ └── video_keyframe_dataset.py │ │ │ ├── densepose_coco_evaluation.py │ │ │ ├── densepose_head.py │ │ │ ├── engine │ │ │ │ ├── __init__.py │ │ │ │ └── trainer.py │ │ │ ├── evaluator.py │ │ │ ├── modeling │ │ │ │ ├── densepose_checkpoint.py │ │ │ │ ├── hrfpn.py │ │ │ │ ├── hrnet.py │ │ │ │ └── test_time_augmentation.py │ │ │ ├── roi_head.py │ │ │ ├── utils │ │ │ │ ├── dbhelper.py │ │ │ │ ├── logger.py │ │ │ │ └── transform.py │ │ │ └── vis │ │ │ │ ├── base.py │ │ │ │ ├── bounding_box.py │ │ │ │ ├── densepose.py │ │ │ │ └── extractor.py │ │ ├── dev │ │ │ ├── README.md │ │ │ ├── run_inference_tests.sh │ │ │ └── run_instant_tests.sh │ │ ├── doc │ │ │ ├── GETTING_STARTED.md │ │ │ ├── MODEL_ZOO.md │ │ │ ├── TOOL_APPLY_NET.md │ │ │ └── TOOL_QUERY_DB.md │ │ ├── query_db.py │ │ ├── tests │ │ │ ├── common.py │ │ │ ├── test_combine_data_loader.py │ │ │ ├── test_frame_selector.py │ │ │ ├── test_image_resize_transform.py │ │ │ ├── test_model_e2e.py │ │ │ ├── test_setup.py │ │ │ ├── test_structures.py │ │ │ └── test_video_keyframe_dataset.py │ │ └── train_net.py │ ├── PointRend │ │ ├── README.md │ │ ├── configs │ │ │ ├── InstanceSegmentation │ │ │ │ ├── Base-PointRend-RCNN-FPN.yaml │ │ │ │ ├── pointrend_rcnn_R_50_FPN_1x_cityscapes.yaml │ │ │ │ ├── pointrend_rcnn_R_50_FPN_1x_coco.yaml │ │ │ │ └── pointrend_rcnn_R_50_FPN_3x_coco.yaml │ │ │ └── SemanticSegmentation │ │ │ │ ├── Base-PointRend-Semantic-FPN.yaml │ │ │ │ └── pointrend_semantic_R_101_FPN_1x_cityscapes.yaml │ │ ├── point_rend │ │ │ ├── __init__.py │ │ │ ├── coarse_mask_head.py │ │ │ ├── color_augmentation.py │ │ │ ├── config.py │ │ │ ├── point_features.py │ │ │ ├── point_head.py │ │ │ ├── roi_heads.py │ │ │ └── semantic_seg.py │ │ └── train_net.py │ ├── README.md │ ├── TensorMask │ │ ├── README.md │ │ ├── configs │ │ │ ├── Base-TensorMask.yaml │ │ │ ├── tensormask_R_50_FPN_1x.yaml │ │ │ └── tensormask_R_50_FPN_6x.yaml │ │ ├── setup.py │ │ ├── tensormask │ │ │ ├── __init__.py │ │ │ ├── arch.py │ │ │ ├── config.py │ │ │ └── layers │ │ │ │ ├── __init__.py │ │ │ │ ├── csrc │ │ │ │ ├── SwapAlign2Nat │ │ │ │ │ ├── SwapAlign2Nat.h │ │ │ │ │ └── SwapAlign2Nat_cuda.cu │ │ │ │ └── vision.cpp │ │ │ │ └── swap_align2nat.py │ │ ├── tests │ │ │ ├── __init__.py │ │ │ └── test_swap_align2nat.py │ │ └── train_net.py │ └── TridentNet │ │ ├── README.md │ │ ├── configs │ │ ├── Base-TridentNet-Fast-C4.yaml │ │ ├── tridentnet_fast_R_101_C4_3x.yaml │ │ ├── tridentnet_fast_R_50_C4_1x.yaml │ │ └── tridentnet_fast_R_50_C4_3x.yaml │ │ ├── train_net.py │ │ └── tridentnet │ │ ├── __init__.py │ │ ├── config.py │ │ ├── trident_backbone.py │ │ ├── trident_conv.py │ │ ├── trident_rcnn.py │ │ └── trident_rpn.py ├── setup.cfg ├── setup.py ├── tests │ ├── README.md │ ├── __init__.py │ ├── data │ │ ├── __init__.py │ │ ├── test_coco.py │ │ ├── test_coco_evaluation.py │ │ ├── test_detection_utils.py │ │ ├── test_rotation_transform.py │ │ ├── test_sampler.py │ │ └── test_transforms.py │ ├── layers │ │ ├── __init__.py │ │ ├── test_mask_ops.py │ │ ├── test_nms.py │ │ ├── test_nms_rotated.py │ │ ├── test_roi_align.py │ │ └── test_roi_align_rotated.py │ ├── modeling │ │ ├── __init__.py │ │ ├── test_anchor_generator.py │ │ ├── test_box2box_transform.py │ │ ├── test_fast_rcnn.py │ │ ├── test_matcher.py │ │ ├── test_model_e2e.py │ │ ├── test_roi_heads.py │ │ ├── test_roi_pooler.py │ │ └── test_rpn.py │ ├── structures │ │ ├── __init__.py │ │ ├── test_boxes.py │ │ ├── test_imagelist.py │ │ ├── test_instances.py │ │ └── test_rotated_boxes.py │ ├── test_checkpoint.py │ ├── test_config.py │ ├── test_engine.py │ ├── test_export_caffe2.py │ ├── test_model_analysis.py │ ├── test_model_zoo.py │ └── test_visualizer.py └── tools │ ├── README.md │ ├── analyze_model.py │ ├── benchmark.py │ ├── convert-torchvision-to-d2.py │ ├── deploy │ ├── README.md │ ├── caffe2_converter.py │ ├── caffe2_mask_rcnn.cpp │ └── torchscript_traced_mask_rcnn.cpp │ ├── plain_train_net.py │ ├── train_net.py │ ├── visualize_data.py │ └── visualize_json_results.py ├── engine.py ├── evaluation ├── __init__.py ├── evaluation_ic15.zip ├── gt_ctw1500.zip ├── gt_icdar2015.zip ├── gt_totaltext.zip ├── lexicon_procesor.py ├── lexicons │ ├── ctw1500 │ │ ├── ctw1500_lexicon.txt │ │ └── ctw1500_pair_list.txt │ ├── ic15 │ │ ├── GenericVocabulary.txt │ │ ├── GenericVocabulary_new.txt │ │ ├── GenericVocabulary_pair_list.txt │ │ ├── ch4_test_vocabulary.txt │ │ ├── ch4_test_vocabulary_new.txt │ │ ├── ch4_test_vocabulary_pair_list.txt │ │ ├── new_strong_lexicon │ │ │ ├── new_voc_img_1.txt │ │ │ ├── new_voc_img_10.txt │ │ │ ├── new_voc_img_100.txt │ │ │ ├── new_voc_img_101.txt │ │ │ ├── new_voc_img_102.txt │ │ │ ├── new_voc_img_103.txt │ │ │ ├── new_voc_img_104.txt │ │ │ ├── new_voc_img_105.txt │ │ │ ├── new_voc_img_106.txt │ │ │ ├── new_voc_img_107.txt │ │ │ ├── new_voc_img_108.txt │ │ │ ├── new_voc_img_109.txt │ │ │ ├── new_voc_img_11.txt │ │ │ ├── new_voc_img_110.txt │ │ │ ├── new_voc_img_111.txt │ │ │ ├── new_voc_img_112.txt │ │ │ ├── new_voc_img_113.txt │ │ │ ├── new_voc_img_114.txt │ │ │ ├── new_voc_img_115.txt │ │ │ ├── new_voc_img_116.txt │ │ │ ├── new_voc_img_117.txt │ │ │ ├── new_voc_img_118.txt │ │ │ ├── new_voc_img_119.txt │ │ │ ├── new_voc_img_12.txt │ │ │ ├── new_voc_img_120.txt │ │ │ ├── new_voc_img_121.txt │ │ │ ├── new_voc_img_122.txt │ │ │ ├── new_voc_img_123.txt │ │ │ ├── new_voc_img_124.txt │ │ │ ├── new_voc_img_125.txt │ │ │ ├── new_voc_img_126.txt │ │ │ ├── new_voc_img_127.txt │ │ │ ├── new_voc_img_128.txt │ │ │ ├── new_voc_img_129.txt │ │ │ ├── new_voc_img_13.txt │ │ │ ├── new_voc_img_130.txt │ │ │ ├── new_voc_img_131.txt │ │ │ ├── new_voc_img_132.txt │ │ │ ├── new_voc_img_133.txt │ │ │ ├── new_voc_img_134.txt │ │ │ ├── new_voc_img_135.txt │ │ │ ├── new_voc_img_136.txt │ │ │ ├── new_voc_img_137.txt │ │ │ ├── new_voc_img_138.txt │ │ │ ├── new_voc_img_139.txt │ │ │ ├── new_voc_img_14.txt │ │ │ ├── new_voc_img_140.txt │ │ │ ├── new_voc_img_141.txt │ │ │ ├── new_voc_img_142.txt │ │ │ ├── new_voc_img_143.txt │ │ │ ├── new_voc_img_144.txt │ │ │ ├── new_voc_img_145.txt │ │ │ ├── new_voc_img_146.txt │ │ │ ├── new_voc_img_147.txt │ │ │ ├── new_voc_img_148.txt │ │ │ ├── new_voc_img_149.txt │ │ │ ├── new_voc_img_15.txt │ │ │ ├── new_voc_img_150.txt │ │ │ ├── new_voc_img_151.txt │ │ │ ├── new_voc_img_152.txt │ │ │ ├── new_voc_img_153.txt │ │ │ ├── new_voc_img_154.txt │ │ │ ├── new_voc_img_155.txt │ │ │ ├── new_voc_img_156.txt │ │ │ ├── new_voc_img_157.txt │ │ │ ├── new_voc_img_158.txt │ │ │ ├── new_voc_img_159.txt │ │ │ ├── new_voc_img_16.txt │ │ │ ├── new_voc_img_160.txt │ │ │ ├── new_voc_img_161.txt │ │ │ ├── new_voc_img_162.txt │ │ │ ├── new_voc_img_163.txt │ │ │ ├── new_voc_img_164.txt │ │ │ ├── new_voc_img_165.txt │ │ │ ├── new_voc_img_166.txt │ │ │ ├── new_voc_img_167.txt │ │ │ ├── new_voc_img_168.txt │ │ │ ├── new_voc_img_169.txt │ │ │ ├── new_voc_img_17.txt │ │ │ ├── new_voc_img_170.txt │ │ │ ├── new_voc_img_171.txt │ │ │ ├── new_voc_img_172.txt │ │ │ ├── new_voc_img_173.txt │ │ │ ├── new_voc_img_174.txt │ │ │ ├── new_voc_img_175.txt │ │ │ ├── new_voc_img_176.txt │ │ │ ├── new_voc_img_177.txt │ │ │ ├── new_voc_img_178.txt │ │ │ ├── new_voc_img_179.txt │ │ │ ├── new_voc_img_18.txt │ │ │ ├── new_voc_img_180.txt │ │ │ ├── new_voc_img_181.txt │ │ │ ├── new_voc_img_182.txt │ │ │ ├── new_voc_img_183.txt │ │ │ ├── new_voc_img_184.txt │ │ │ ├── new_voc_img_185.txt │ │ │ ├── new_voc_img_186.txt │ │ │ ├── new_voc_img_187.txt │ │ │ ├── new_voc_img_188.txt │ │ │ ├── new_voc_img_189.txt │ │ │ ├── new_voc_img_19.txt │ │ │ ├── new_voc_img_190.txt │ │ │ ├── new_voc_img_191.txt │ │ │ ├── new_voc_img_192.txt │ │ │ ├── new_voc_img_193.txt │ │ │ ├── new_voc_img_194.txt │ │ │ ├── new_voc_img_195.txt │ │ │ ├── new_voc_img_196.txt │ │ │ ├── new_voc_img_197.txt │ │ │ ├── new_voc_img_198.txt │ │ │ ├── new_voc_img_199.txt │ │ │ ├── new_voc_img_2.txt │ │ │ ├── new_voc_img_20.txt │ │ │ ├── new_voc_img_200.txt │ │ │ ├── new_voc_img_201.txt │ │ │ ├── new_voc_img_202.txt │ │ │ ├── new_voc_img_203.txt │ │ │ ├── new_voc_img_204.txt │ │ │ ├── new_voc_img_205.txt │ │ │ ├── new_voc_img_206.txt │ │ │ ├── new_voc_img_207.txt │ │ │ ├── new_voc_img_208.txt │ │ │ ├── new_voc_img_209.txt │ │ │ ├── new_voc_img_21.txt │ │ │ ├── new_voc_img_210.txt │ │ │ ├── new_voc_img_211.txt │ │ │ ├── new_voc_img_212.txt │ │ │ ├── new_voc_img_213.txt │ │ │ ├── new_voc_img_214.txt │ │ │ ├── new_voc_img_215.txt │ │ │ ├── new_voc_img_216.txt │ │ │ ├── new_voc_img_217.txt │ │ │ ├── new_voc_img_218.txt │ │ │ ├── new_voc_img_219.txt │ │ │ ├── new_voc_img_22.txt │ │ │ ├── new_voc_img_220.txt │ │ │ ├── new_voc_img_221.txt │ │ │ ├── new_voc_img_222.txt │ │ │ ├── new_voc_img_223.txt │ │ │ ├── new_voc_img_224.txt │ │ │ ├── new_voc_img_225.txt │ │ │ ├── new_voc_img_226.txt │ │ │ ├── new_voc_img_227.txt │ │ │ ├── new_voc_img_228.txt │ │ │ ├── new_voc_img_229.txt │ │ │ ├── new_voc_img_23.txt │ │ │ ├── new_voc_img_230.txt │ │ │ ├── new_voc_img_231.txt │ │ │ ├── new_voc_img_232.txt │ │ │ ├── new_voc_img_233.txt │ │ │ ├── new_voc_img_234.txt │ │ │ ├── new_voc_img_235.txt │ │ │ ├── new_voc_img_236.txt │ │ │ ├── new_voc_img_237.txt │ │ │ ├── new_voc_img_238.txt │ │ │ ├── new_voc_img_239.txt │ │ │ ├── new_voc_img_24.txt │ │ │ ├── new_voc_img_240.txt │ │ │ ├── new_voc_img_241.txt │ │ │ ├── new_voc_img_242.txt │ │ │ ├── new_voc_img_243.txt │ │ │ ├── new_voc_img_244.txt │ │ │ ├── new_voc_img_245.txt │ │ │ ├── new_voc_img_246.txt │ │ │ ├── new_voc_img_247.txt │ │ │ ├── new_voc_img_248.txt │ │ │ ├── new_voc_img_249.txt │ │ │ ├── new_voc_img_25.txt │ │ │ ├── new_voc_img_250.txt │ │ │ ├── new_voc_img_251.txt │ │ │ ├── new_voc_img_252.txt │ │ │ ├── new_voc_img_253.txt │ │ │ ├── new_voc_img_254.txt │ │ │ ├── new_voc_img_255.txt │ │ │ ├── new_voc_img_256.txt │ │ │ ├── new_voc_img_257.txt │ │ │ ├── new_voc_img_258.txt │ │ │ ├── new_voc_img_259.txt │ │ │ ├── new_voc_img_26.txt │ │ │ ├── new_voc_img_260.txt │ │ │ ├── new_voc_img_261.txt │ │ │ ├── new_voc_img_262.txt │ │ │ ├── new_voc_img_263.txt │ │ │ ├── new_voc_img_264.txt │ │ │ ├── new_voc_img_265.txt │ │ │ ├── new_voc_img_266.txt │ │ │ ├── new_voc_img_267.txt │ │ │ ├── new_voc_img_268.txt │ │ │ ├── new_voc_img_269.txt │ │ │ ├── new_voc_img_27.txt │ │ │ ├── new_voc_img_270.txt │ │ │ ├── new_voc_img_271.txt │ │ │ ├── new_voc_img_272.txt │ │ │ ├── new_voc_img_273.txt │ │ │ ├── new_voc_img_274.txt │ │ │ ├── new_voc_img_275.txt │ │ │ ├── new_voc_img_276.txt │ │ │ ├── new_voc_img_277.txt │ │ │ ├── new_voc_img_278.txt │ │ │ ├── new_voc_img_279.txt │ │ │ ├── new_voc_img_28.txt │ │ │ ├── new_voc_img_280.txt │ │ │ ├── new_voc_img_281.txt │ │ │ ├── new_voc_img_282.txt │ │ │ ├── new_voc_img_283.txt │ │ │ ├── new_voc_img_284.txt │ │ │ ├── new_voc_img_285.txt │ │ │ ├── new_voc_img_286.txt │ │ │ ├── new_voc_img_287.txt │ │ │ ├── new_voc_img_288.txt │ │ │ ├── new_voc_img_289.txt │ │ │ ├── new_voc_img_29.txt │ │ │ ├── new_voc_img_290.txt │ │ │ ├── new_voc_img_291.txt │ │ │ ├── new_voc_img_292.txt │ │ │ ├── new_voc_img_293.txt │ │ │ ├── new_voc_img_294.txt │ │ │ ├── new_voc_img_295.txt │ │ │ ├── new_voc_img_296.txt │ │ │ ├── new_voc_img_297.txt │ │ │ ├── new_voc_img_298.txt │ │ │ ├── new_voc_img_299.txt │ │ │ ├── new_voc_img_3.txt │ │ │ ├── new_voc_img_30.txt │ │ │ ├── new_voc_img_300.txt │ │ │ ├── new_voc_img_301.txt │ │ │ ├── new_voc_img_302.txt │ │ │ ├── new_voc_img_303.txt │ │ │ ├── new_voc_img_304.txt │ │ │ ├── new_voc_img_305.txt │ │ │ ├── new_voc_img_306.txt │ │ │ ├── new_voc_img_307.txt │ │ │ ├── new_voc_img_308.txt │ │ │ ├── new_voc_img_309.txt │ │ │ ├── new_voc_img_31.txt │ │ │ ├── new_voc_img_310.txt │ │ │ ├── new_voc_img_311.txt │ │ │ ├── new_voc_img_312.txt │ │ │ ├── new_voc_img_313.txt │ │ │ ├── new_voc_img_314.txt │ │ │ ├── new_voc_img_315.txt │ │ │ ├── new_voc_img_316.txt │ │ │ ├── new_voc_img_317.txt │ │ │ ├── new_voc_img_318.txt │ │ │ ├── new_voc_img_319.txt │ │ │ ├── new_voc_img_32.txt │ │ │ ├── new_voc_img_320.txt │ │ │ ├── new_voc_img_321.txt │ │ │ ├── new_voc_img_322.txt │ │ │ ├── new_voc_img_323.txt │ │ │ ├── new_voc_img_324.txt │ │ │ ├── new_voc_img_325.txt │ │ │ ├── new_voc_img_326.txt │ │ │ ├── new_voc_img_327.txt │ │ │ ├── new_voc_img_328.txt │ │ │ ├── new_voc_img_329.txt │ │ │ ├── new_voc_img_33.txt │ │ │ ├── new_voc_img_330.txt │ │ │ ├── new_voc_img_331.txt │ │ │ ├── new_voc_img_332.txt │ │ │ ├── new_voc_img_333.txt │ │ │ ├── new_voc_img_334.txt │ │ │ ├── new_voc_img_335.txt │ │ │ ├── new_voc_img_336.txt │ │ │ ├── new_voc_img_337.txt │ │ │ ├── new_voc_img_338.txt │ │ │ ├── new_voc_img_339.txt │ │ │ ├── new_voc_img_34.txt │ │ │ ├── new_voc_img_340.txt │ │ │ ├── new_voc_img_341.txt │ │ │ ├── new_voc_img_342.txt │ │ │ ├── new_voc_img_343.txt │ │ │ ├── new_voc_img_344.txt │ │ │ ├── new_voc_img_345.txt │ │ │ ├── new_voc_img_346.txt │ │ │ ├── new_voc_img_347.txt │ │ │ ├── new_voc_img_348.txt │ │ │ ├── new_voc_img_349.txt │ │ │ ├── new_voc_img_35.txt │ │ │ ├── new_voc_img_350.txt │ │ │ ├── new_voc_img_351.txt │ │ │ ├── new_voc_img_352.txt │ │ │ ├── new_voc_img_353.txt │ │ │ ├── new_voc_img_354.txt │ │ │ ├── new_voc_img_355.txt │ │ │ ├── new_voc_img_356.txt │ │ │ ├── new_voc_img_357.txt │ │ │ ├── new_voc_img_358.txt │ │ │ ├── new_voc_img_359.txt │ │ │ ├── new_voc_img_36.txt │ │ │ ├── new_voc_img_360.txt │ │ │ ├── new_voc_img_361.txt │ │ │ ├── new_voc_img_362.txt │ │ │ ├── new_voc_img_363.txt │ │ │ ├── new_voc_img_364.txt │ │ │ ├── new_voc_img_365.txt │ │ │ ├── new_voc_img_366.txt │ │ │ ├── new_voc_img_367.txt │ │ │ ├── new_voc_img_368.txt │ │ │ ├── new_voc_img_369.txt │ │ │ ├── new_voc_img_37.txt │ │ │ ├── new_voc_img_370.txt │ │ │ ├── new_voc_img_371.txt │ │ │ ├── new_voc_img_372.txt │ │ │ ├── new_voc_img_373.txt │ │ │ ├── new_voc_img_374.txt │ │ │ ├── new_voc_img_375.txt │ │ │ ├── new_voc_img_376.txt │ │ │ ├── new_voc_img_377.txt │ │ │ ├── new_voc_img_378.txt │ │ │ ├── new_voc_img_379.txt │ │ │ ├── new_voc_img_38.txt │ │ │ ├── new_voc_img_380.txt │ │ │ ├── new_voc_img_381.txt │ │ │ ├── new_voc_img_382.txt │ │ │ ├── new_voc_img_383.txt │ │ │ ├── new_voc_img_384.txt │ │ │ ├── new_voc_img_385.txt │ │ │ ├── new_voc_img_386.txt │ │ │ ├── new_voc_img_387.txt │ │ │ ├── new_voc_img_388.txt │ │ │ ├── new_voc_img_389.txt │ │ │ ├── new_voc_img_39.txt │ │ │ ├── new_voc_img_390.txt │ │ │ ├── new_voc_img_391.txt │ │ │ ├── new_voc_img_392.txt │ │ │ ├── new_voc_img_393.txt │ │ │ ├── new_voc_img_394.txt │ │ │ ├── new_voc_img_395.txt │ │ │ ├── new_voc_img_396.txt │ │ │ ├── new_voc_img_397.txt │ │ │ ├── new_voc_img_398.txt │ │ │ ├── new_voc_img_399.txt │ │ │ ├── new_voc_img_4.txt │ │ │ ├── new_voc_img_40.txt │ │ │ ├── new_voc_img_400.txt │ │ │ ├── new_voc_img_401.txt │ │ │ ├── new_voc_img_402.txt │ │ │ ├── new_voc_img_403.txt │ │ │ ├── new_voc_img_404.txt │ │ │ ├── new_voc_img_405.txt │ │ │ ├── new_voc_img_406.txt │ │ │ ├── new_voc_img_407.txt │ │ │ ├── new_voc_img_408.txt │ │ │ ├── new_voc_img_409.txt │ │ │ ├── new_voc_img_41.txt │ │ │ ├── new_voc_img_410.txt │ │ │ ├── new_voc_img_411.txt │ │ │ ├── new_voc_img_412.txt │ │ │ ├── new_voc_img_413.txt │ │ │ ├── new_voc_img_414.txt │ │ │ ├── new_voc_img_415.txt │ │ │ ├── new_voc_img_416.txt │ │ │ ├── new_voc_img_417.txt │ │ │ ├── new_voc_img_418.txt │ │ │ ├── new_voc_img_419.txt │ │ │ ├── new_voc_img_42.txt │ │ │ ├── new_voc_img_420.txt │ │ │ ├── new_voc_img_421.txt │ │ │ ├── new_voc_img_422.txt │ │ │ ├── new_voc_img_423.txt │ │ │ ├── new_voc_img_424.txt │ │ │ ├── new_voc_img_425.txt │ │ │ ├── new_voc_img_426.txt │ │ │ ├── new_voc_img_427.txt │ │ │ ├── new_voc_img_428.txt │ │ │ ├── new_voc_img_429.txt │ │ │ ├── new_voc_img_43.txt │ │ │ ├── new_voc_img_430.txt │ │ │ ├── new_voc_img_431.txt │ │ │ ├── new_voc_img_432.txt │ │ │ ├── new_voc_img_433.txt │ │ │ ├── new_voc_img_434.txt │ │ │ ├── new_voc_img_435.txt │ │ │ ├── new_voc_img_436.txt │ │ │ ├── new_voc_img_437.txt │ │ │ ├── new_voc_img_438.txt │ │ │ ├── new_voc_img_439.txt │ │ │ ├── new_voc_img_44.txt │ │ │ ├── new_voc_img_440.txt │ │ │ ├── new_voc_img_441.txt │ │ │ ├── new_voc_img_442.txt │ │ │ ├── new_voc_img_443.txt │ │ │ ├── new_voc_img_444.txt │ │ │ ├── new_voc_img_445.txt │ │ │ ├── new_voc_img_446.txt │ │ │ ├── new_voc_img_447.txt │ │ │ ├── new_voc_img_448.txt │ │ │ ├── new_voc_img_449.txt │ │ │ ├── new_voc_img_45.txt │ │ │ ├── new_voc_img_450.txt │ │ │ ├── new_voc_img_451.txt │ │ │ ├── new_voc_img_452.txt │ │ │ ├── new_voc_img_453.txt │ │ │ ├── new_voc_img_454.txt │ │ │ ├── new_voc_img_455.txt │ │ │ ├── new_voc_img_456.txt │ │ │ ├── new_voc_img_457.txt │ │ │ ├── new_voc_img_458.txt │ │ │ ├── new_voc_img_459.txt │ │ │ ├── new_voc_img_46.txt │ │ │ ├── new_voc_img_460.txt │ │ │ ├── new_voc_img_461.txt │ │ │ ├── new_voc_img_462.txt │ │ │ ├── new_voc_img_463.txt │ │ │ ├── new_voc_img_464.txt │ │ │ ├── new_voc_img_465.txt │ │ │ ├── new_voc_img_466.txt │ │ │ ├── new_voc_img_467.txt │ │ │ ├── new_voc_img_468.txt │ │ │ ├── new_voc_img_469.txt │ │ │ ├── new_voc_img_47.txt │ │ │ ├── new_voc_img_470.txt │ │ │ ├── new_voc_img_471.txt │ │ │ ├── new_voc_img_472.txt │ │ │ ├── new_voc_img_473.txt │ │ │ ├── new_voc_img_474.txt │ │ │ ├── new_voc_img_475.txt │ │ │ ├── new_voc_img_476.txt │ │ │ ├── new_voc_img_477.txt │ │ │ ├── new_voc_img_478.txt │ │ │ ├── new_voc_img_479.txt │ │ │ ├── new_voc_img_48.txt │ │ │ ├── new_voc_img_480.txt │ │ │ ├── new_voc_img_481.txt │ │ │ ├── new_voc_img_482.txt │ │ │ ├── new_voc_img_483.txt │ │ │ ├── new_voc_img_484.txt │ │ │ ├── new_voc_img_485.txt │ │ │ ├── new_voc_img_486.txt │ │ │ ├── new_voc_img_487.txt │ │ │ ├── new_voc_img_488.txt │ │ │ ├── new_voc_img_489.txt │ │ │ ├── new_voc_img_49.txt │ │ │ ├── new_voc_img_490.txt │ │ │ ├── new_voc_img_491.txt │ │ │ ├── new_voc_img_492.txt │ │ │ ├── new_voc_img_493.txt │ │ │ ├── new_voc_img_494.txt │ │ │ ├── new_voc_img_495.txt │ │ │ ├── new_voc_img_496.txt │ │ │ ├── new_voc_img_497.txt │ │ │ ├── new_voc_img_498.txt │ │ │ ├── new_voc_img_499.txt │ │ │ ├── new_voc_img_5.txt │ │ │ ├── new_voc_img_50.txt │ │ │ ├── new_voc_img_500.txt │ │ │ ├── new_voc_img_51.txt │ │ │ ├── new_voc_img_52.txt │ │ │ ├── new_voc_img_53.txt │ │ │ ├── new_voc_img_54.txt │ │ │ ├── new_voc_img_55.txt │ │ │ ├── new_voc_img_56.txt │ │ │ ├── new_voc_img_57.txt │ │ │ ├── new_voc_img_58.txt │ │ │ ├── new_voc_img_59.txt │ │ │ ├── new_voc_img_6.txt │ │ │ ├── new_voc_img_60.txt │ │ │ ├── new_voc_img_61.txt │ │ │ ├── new_voc_img_62.txt │ │ │ ├── new_voc_img_63.txt │ │ │ ├── new_voc_img_64.txt │ │ │ ├── new_voc_img_65.txt │ │ │ ├── new_voc_img_66.txt │ │ │ ├── new_voc_img_67.txt │ │ │ ├── new_voc_img_68.txt │ │ │ ├── new_voc_img_69.txt │ │ │ ├── new_voc_img_7.txt │ │ │ ├── new_voc_img_70.txt │ │ │ ├── new_voc_img_71.txt │ │ │ ├── new_voc_img_72.txt │ │ │ ├── new_voc_img_73.txt │ │ │ ├── new_voc_img_74.txt │ │ │ ├── new_voc_img_75.txt │ │ │ ├── new_voc_img_76.txt │ │ │ ├── new_voc_img_77.txt │ │ │ ├── new_voc_img_78.txt │ │ │ ├── new_voc_img_79.txt │ │ │ ├── new_voc_img_8.txt │ │ │ ├── new_voc_img_80.txt │ │ │ ├── new_voc_img_81.txt │ │ │ ├── new_voc_img_82.txt │ │ │ ├── new_voc_img_83.txt │ │ │ ├── new_voc_img_84.txt │ │ │ ├── new_voc_img_85.txt │ │ │ ├── new_voc_img_86.txt │ │ │ ├── new_voc_img_87.txt │ │ │ ├── new_voc_img_88.txt │ │ │ ├── new_voc_img_89.txt │ │ │ ├── new_voc_img_9.txt │ │ │ ├── new_voc_img_90.txt │ │ │ ├── new_voc_img_91.txt │ │ │ ├── new_voc_img_92.txt │ │ │ ├── new_voc_img_93.txt │ │ │ ├── new_voc_img_94.txt │ │ │ ├── new_voc_img_95.txt │ │ │ ├── new_voc_img_96.txt │ │ │ ├── new_voc_img_97.txt │ │ │ ├── new_voc_img_98.txt │ │ │ ├── new_voc_img_99.txt │ │ │ ├── pair_voc_img_1.txt │ │ │ ├── pair_voc_img_10.txt │ │ │ ├── pair_voc_img_100.txt │ │ │ ├── pair_voc_img_101.txt │ │ │ ├── pair_voc_img_102.txt │ │ │ ├── pair_voc_img_103.txt │ │ │ ├── pair_voc_img_104.txt │ │ │ ├── pair_voc_img_105.txt │ │ │ ├── pair_voc_img_106.txt │ │ │ ├── pair_voc_img_107.txt │ │ │ ├── pair_voc_img_108.txt │ │ │ ├── pair_voc_img_109.txt │ │ │ ├── pair_voc_img_11.txt │ │ │ ├── pair_voc_img_110.txt │ │ │ ├── pair_voc_img_111.txt │ │ │ ├── pair_voc_img_112.txt │ │ │ ├── pair_voc_img_113.txt │ │ │ ├── pair_voc_img_114.txt │ │ │ ├── pair_voc_img_115.txt │ │ │ ├── pair_voc_img_116.txt │ │ │ ├── pair_voc_img_117.txt │ │ │ ├── pair_voc_img_118.txt │ │ │ ├── pair_voc_img_119.txt │ │ │ ├── pair_voc_img_12.txt │ │ │ ├── pair_voc_img_120.txt │ │ │ ├── pair_voc_img_121.txt │ │ │ ├── pair_voc_img_122.txt │ │ │ ├── pair_voc_img_123.txt │ │ │ ├── pair_voc_img_124.txt │ │ │ ├── pair_voc_img_125.txt │ │ │ ├── pair_voc_img_126.txt │ │ │ ├── pair_voc_img_127.txt │ │ │ ├── pair_voc_img_128.txt │ │ │ ├── pair_voc_img_129.txt │ │ │ ├── pair_voc_img_13.txt │ │ │ ├── pair_voc_img_130.txt │ │ │ ├── pair_voc_img_131.txt │ │ │ ├── pair_voc_img_132.txt │ │ │ ├── pair_voc_img_133.txt │ │ │ ├── pair_voc_img_134.txt │ │ │ ├── pair_voc_img_135.txt │ │ │ ├── pair_voc_img_136.txt │ │ │ ├── pair_voc_img_137.txt │ │ │ ├── pair_voc_img_138.txt │ │ │ ├── pair_voc_img_139.txt │ │ │ ├── pair_voc_img_14.txt │ │ │ ├── pair_voc_img_140.txt │ │ │ ├── pair_voc_img_141.txt │ │ │ ├── pair_voc_img_142.txt │ │ │ ├── pair_voc_img_143.txt │ │ │ ├── pair_voc_img_144.txt │ │ │ ├── pair_voc_img_145.txt │ │ │ ├── pair_voc_img_146.txt │ │ │ ├── pair_voc_img_147.txt │ │ │ ├── pair_voc_img_148.txt │ │ │ ├── pair_voc_img_149.txt │ │ │ ├── pair_voc_img_15.txt │ │ │ ├── pair_voc_img_150.txt │ │ │ ├── pair_voc_img_151.txt │ │ │ ├── pair_voc_img_152.txt │ │ │ ├── pair_voc_img_153.txt │ │ │ ├── pair_voc_img_154.txt │ │ │ ├── pair_voc_img_155.txt │ │ │ ├── pair_voc_img_156.txt │ │ │ ├── pair_voc_img_157.txt │ │ │ ├── pair_voc_img_158.txt │ │ │ ├── pair_voc_img_159.txt │ │ │ ├── pair_voc_img_16.txt │ │ │ ├── pair_voc_img_160.txt │ │ │ ├── pair_voc_img_161.txt │ │ │ ├── pair_voc_img_162.txt │ │ │ ├── pair_voc_img_163.txt │ │ │ ├── pair_voc_img_164.txt │ │ │ ├── pair_voc_img_165.txt │ │ │ ├── pair_voc_img_166.txt │ │ │ ├── pair_voc_img_167.txt │ │ │ ├── pair_voc_img_168.txt │ │ │ ├── pair_voc_img_169.txt │ │ │ ├── pair_voc_img_17.txt │ │ │ ├── pair_voc_img_170.txt │ │ │ ├── pair_voc_img_171.txt │ │ │ ├── pair_voc_img_172.txt │ │ │ ├── pair_voc_img_173.txt │ │ │ ├── pair_voc_img_174.txt │ │ │ ├── pair_voc_img_175.txt │ │ │ ├── pair_voc_img_176.txt │ │ │ ├── pair_voc_img_177.txt │ │ │ ├── pair_voc_img_178.txt │ │ │ ├── pair_voc_img_179.txt │ │ │ ├── pair_voc_img_18.txt │ │ │ ├── pair_voc_img_180.txt │ │ │ ├── pair_voc_img_181.txt │ │ │ ├── pair_voc_img_182.txt │ │ │ ├── pair_voc_img_183.txt │ │ │ ├── pair_voc_img_184.txt │ │ │ ├── pair_voc_img_185.txt │ │ │ ├── pair_voc_img_186.txt │ │ │ ├── pair_voc_img_187.txt │ │ │ ├── pair_voc_img_188.txt │ │ │ ├── pair_voc_img_189.txt │ │ │ ├── pair_voc_img_19.txt │ │ │ ├── pair_voc_img_190.txt │ │ │ ├── pair_voc_img_191.txt │ │ │ ├── pair_voc_img_192.txt │ │ │ ├── pair_voc_img_193.txt │ │ │ ├── pair_voc_img_194.txt │ │ │ ├── pair_voc_img_195.txt │ │ │ ├── pair_voc_img_196.txt │ │ │ ├── pair_voc_img_197.txt │ │ │ ├── pair_voc_img_198.txt │ │ │ ├── pair_voc_img_199.txt │ │ │ ├── pair_voc_img_2.txt │ │ │ ├── pair_voc_img_20.txt │ │ │ ├── pair_voc_img_200.txt │ │ │ ├── pair_voc_img_201.txt │ │ │ ├── pair_voc_img_202.txt │ │ │ ├── pair_voc_img_203.txt │ │ │ ├── pair_voc_img_204.txt │ │ │ ├── pair_voc_img_205.txt │ │ │ ├── pair_voc_img_206.txt │ │ │ ├── pair_voc_img_207.txt │ │ │ ├── pair_voc_img_208.txt │ │ │ ├── pair_voc_img_209.txt │ │ │ ├── pair_voc_img_21.txt │ │ │ ├── pair_voc_img_210.txt │ │ │ ├── pair_voc_img_211.txt │ │ │ ├── pair_voc_img_212.txt │ │ │ ├── pair_voc_img_213.txt │ │ │ ├── pair_voc_img_214.txt │ │ │ ├── pair_voc_img_215.txt │ │ │ ├── pair_voc_img_216.txt │ │ │ ├── pair_voc_img_217.txt │ │ │ ├── pair_voc_img_218.txt │ │ │ ├── pair_voc_img_219.txt │ │ │ ├── pair_voc_img_22.txt │ │ │ ├── pair_voc_img_220.txt │ │ │ ├── pair_voc_img_221.txt │ │ │ ├── pair_voc_img_222.txt │ │ │ ├── pair_voc_img_223.txt │ │ │ ├── pair_voc_img_224.txt │ │ │ ├── pair_voc_img_225.txt │ │ │ ├── pair_voc_img_226.txt │ │ │ ├── pair_voc_img_227.txt │ │ │ ├── pair_voc_img_228.txt │ │ │ ├── pair_voc_img_229.txt │ │ │ ├── pair_voc_img_23.txt │ │ │ ├── pair_voc_img_230.txt │ │ │ ├── pair_voc_img_231.txt │ │ │ ├── pair_voc_img_232.txt │ │ │ ├── pair_voc_img_233.txt │ │ │ ├── pair_voc_img_234.txt │ │ │ ├── pair_voc_img_235.txt │ │ │ ├── pair_voc_img_236.txt │ │ │ ├── pair_voc_img_237.txt │ │ │ ├── pair_voc_img_238.txt │ │ │ ├── pair_voc_img_239.txt │ │ │ ├── pair_voc_img_24.txt │ │ │ ├── pair_voc_img_240.txt │ │ │ ├── pair_voc_img_241.txt │ │ │ ├── pair_voc_img_242.txt │ │ │ ├── pair_voc_img_243.txt │ │ │ ├── pair_voc_img_244.txt │ │ │ ├── pair_voc_img_245.txt │ │ │ ├── pair_voc_img_246.txt │ │ │ ├── pair_voc_img_247.txt │ │ │ ├── pair_voc_img_248.txt │ │ │ ├── pair_voc_img_249.txt │ │ │ ├── pair_voc_img_25.txt │ │ │ ├── pair_voc_img_250.txt │ │ │ ├── pair_voc_img_251.txt │ │ │ ├── pair_voc_img_252.txt │ │ │ ├── pair_voc_img_253.txt │ │ │ ├── pair_voc_img_254.txt │ │ │ ├── pair_voc_img_255.txt │ │ │ ├── pair_voc_img_256.txt │ │ │ ├── pair_voc_img_257.txt │ │ │ ├── pair_voc_img_258.txt │ │ │ ├── pair_voc_img_259.txt │ │ │ ├── pair_voc_img_26.txt │ │ │ ├── pair_voc_img_260.txt │ │ │ ├── pair_voc_img_261.txt │ │ │ ├── pair_voc_img_262.txt │ │ │ ├── pair_voc_img_263.txt │ │ │ ├── pair_voc_img_264.txt │ │ │ ├── pair_voc_img_265.txt │ │ │ ├── pair_voc_img_266.txt │ │ │ ├── pair_voc_img_267.txt │ │ │ ├── pair_voc_img_268.txt │ │ │ ├── pair_voc_img_269.txt │ │ │ ├── pair_voc_img_27.txt │ │ │ ├── pair_voc_img_270.txt │ │ │ ├── pair_voc_img_271.txt │ │ │ ├── pair_voc_img_272.txt │ │ │ ├── pair_voc_img_273.txt │ │ │ ├── pair_voc_img_274.txt │ │ │ ├── pair_voc_img_275.txt │ │ │ ├── pair_voc_img_276.txt │ │ │ ├── pair_voc_img_277.txt │ │ │ ├── pair_voc_img_278.txt │ │ │ ├── pair_voc_img_279.txt │ │ │ ├── pair_voc_img_28.txt │ │ │ ├── pair_voc_img_280.txt │ │ │ ├── pair_voc_img_281.txt │ │ │ ├── pair_voc_img_282.txt │ │ │ ├── pair_voc_img_283.txt │ │ │ ├── pair_voc_img_284.txt │ │ │ ├── pair_voc_img_285.txt │ │ │ ├── pair_voc_img_286.txt │ │ │ ├── pair_voc_img_287.txt │ │ │ ├── pair_voc_img_288.txt │ │ │ ├── pair_voc_img_289.txt │ │ │ ├── pair_voc_img_29.txt │ │ │ ├── pair_voc_img_290.txt │ │ │ ├── pair_voc_img_291.txt │ │ │ ├── pair_voc_img_292.txt │ │ │ ├── pair_voc_img_293.txt │ │ │ ├── pair_voc_img_294.txt │ │ │ ├── pair_voc_img_295.txt │ │ │ ├── pair_voc_img_296.txt │ │ │ ├── pair_voc_img_297.txt │ │ │ ├── pair_voc_img_298.txt │ │ │ ├── pair_voc_img_299.txt │ │ │ ├── pair_voc_img_3.txt │ │ │ ├── pair_voc_img_30.txt │ │ │ ├── pair_voc_img_300.txt │ │ │ ├── pair_voc_img_301.txt │ │ │ ├── pair_voc_img_302.txt │ │ │ ├── pair_voc_img_303.txt │ │ │ ├── pair_voc_img_304.txt │ │ │ ├── pair_voc_img_305.txt │ │ │ ├── pair_voc_img_306.txt │ │ │ ├── pair_voc_img_307.txt │ │ │ ├── pair_voc_img_308.txt │ │ │ ├── pair_voc_img_309.txt │ │ │ ├── pair_voc_img_31.txt │ │ │ ├── pair_voc_img_310.txt │ │ │ ├── pair_voc_img_311.txt │ │ │ ├── pair_voc_img_312.txt │ │ │ ├── pair_voc_img_313.txt │ │ │ ├── pair_voc_img_314.txt │ │ │ ├── pair_voc_img_315.txt │ │ │ ├── pair_voc_img_316.txt │ │ │ ├── pair_voc_img_317.txt │ │ │ ├── pair_voc_img_318.txt │ │ │ ├── pair_voc_img_319.txt │ │ │ ├── pair_voc_img_32.txt │ │ │ ├── pair_voc_img_320.txt │ │ │ ├── pair_voc_img_321.txt │ │ │ ├── pair_voc_img_322.txt │ │ │ ├── pair_voc_img_323.txt │ │ │ ├── pair_voc_img_324.txt │ │ │ ├── pair_voc_img_325.txt │ │ │ ├── pair_voc_img_326.txt │ │ │ ├── pair_voc_img_327.txt │ │ │ ├── pair_voc_img_328.txt │ │ │ ├── pair_voc_img_329.txt │ │ │ ├── pair_voc_img_33.txt │ │ │ ├── pair_voc_img_330.txt │ │ │ ├── pair_voc_img_331.txt │ │ │ ├── pair_voc_img_332.txt │ │ │ ├── pair_voc_img_333.txt │ │ │ ├── pair_voc_img_334.txt │ │ │ ├── pair_voc_img_335.txt │ │ │ ├── pair_voc_img_336.txt │ │ │ ├── pair_voc_img_337.txt │ │ │ ├── pair_voc_img_338.txt │ │ │ ├── pair_voc_img_339.txt │ │ │ ├── pair_voc_img_34.txt │ │ │ ├── pair_voc_img_340.txt │ │ │ ├── pair_voc_img_341.txt │ │ │ ├── pair_voc_img_342.txt │ │ │ ├── pair_voc_img_343.txt │ │ │ ├── pair_voc_img_344.txt │ │ │ ├── pair_voc_img_345.txt │ │ │ ├── pair_voc_img_346.txt │ │ │ ├── pair_voc_img_347.txt │ │ │ ├── pair_voc_img_348.txt │ │ │ ├── pair_voc_img_349.txt │ │ │ ├── pair_voc_img_35.txt │ │ │ ├── pair_voc_img_350.txt │ │ │ ├── pair_voc_img_351.txt │ │ │ ├── pair_voc_img_352.txt │ │ │ ├── pair_voc_img_353.txt │ │ │ ├── pair_voc_img_354.txt │ │ │ ├── pair_voc_img_355.txt │ │ │ ├── pair_voc_img_356.txt │ │ │ ├── pair_voc_img_357.txt │ │ │ ├── pair_voc_img_358.txt │ │ │ ├── pair_voc_img_359.txt │ │ │ ├── pair_voc_img_36.txt │ │ │ ├── pair_voc_img_360.txt │ │ │ ├── pair_voc_img_361.txt │ │ │ ├── pair_voc_img_362.txt │ │ │ ├── pair_voc_img_363.txt │ │ │ ├── pair_voc_img_364.txt │ │ │ ├── pair_voc_img_365.txt │ │ │ ├── pair_voc_img_366.txt │ │ │ ├── pair_voc_img_367.txt │ │ │ ├── pair_voc_img_368.txt │ │ │ ├── pair_voc_img_369.txt │ │ │ ├── pair_voc_img_37.txt │ │ │ ├── pair_voc_img_370.txt │ │ │ ├── pair_voc_img_371.txt │ │ │ ├── pair_voc_img_372.txt │ │ │ ├── pair_voc_img_373.txt │ │ │ ├── pair_voc_img_374.txt │ │ │ ├── pair_voc_img_375.txt │ │ │ ├── pair_voc_img_376.txt │ │ │ ├── pair_voc_img_377.txt │ │ │ ├── pair_voc_img_378.txt │ │ │ ├── pair_voc_img_379.txt │ │ │ ├── pair_voc_img_38.txt │ │ │ ├── pair_voc_img_380.txt │ │ │ ├── pair_voc_img_381.txt │ │ │ ├── pair_voc_img_382.txt │ │ │ ├── pair_voc_img_383.txt │ │ │ ├── pair_voc_img_384.txt │ │ │ ├── pair_voc_img_385.txt │ │ │ ├── pair_voc_img_386.txt │ │ │ ├── pair_voc_img_387.txt │ │ │ ├── pair_voc_img_388.txt │ │ │ ├── pair_voc_img_389.txt │ │ │ ├── pair_voc_img_39.txt │ │ │ ├── pair_voc_img_390.txt │ │ │ ├── pair_voc_img_391.txt │ │ │ ├── pair_voc_img_392.txt │ │ │ ├── pair_voc_img_393.txt │ │ │ ├── pair_voc_img_394.txt │ │ │ ├── pair_voc_img_395.txt │ │ │ ├── pair_voc_img_396.txt │ │ │ ├── pair_voc_img_397.txt │ │ │ ├── pair_voc_img_398.txt │ │ │ ├── pair_voc_img_399.txt │ │ │ ├── pair_voc_img_4.txt │ │ │ ├── pair_voc_img_40.txt │ │ │ ├── pair_voc_img_400.txt │ │ │ ├── pair_voc_img_401.txt │ │ │ ├── pair_voc_img_402.txt │ │ │ ├── pair_voc_img_403.txt │ │ │ ├── pair_voc_img_404.txt │ │ │ ├── pair_voc_img_405.txt │ │ │ ├── pair_voc_img_406.txt │ │ │ ├── pair_voc_img_407.txt │ │ │ ├── pair_voc_img_408.txt │ │ │ ├── pair_voc_img_409.txt │ │ │ ├── pair_voc_img_41.txt │ │ │ ├── pair_voc_img_410.txt │ │ │ ├── pair_voc_img_411.txt │ │ │ ├── pair_voc_img_412.txt │ │ │ ├── pair_voc_img_413.txt │ │ │ ├── pair_voc_img_414.txt │ │ │ ├── pair_voc_img_415.txt │ │ │ ├── pair_voc_img_416.txt │ │ │ ├── pair_voc_img_417.txt │ │ │ ├── pair_voc_img_418.txt │ │ │ ├── pair_voc_img_419.txt │ │ │ ├── pair_voc_img_42.txt │ │ │ ├── pair_voc_img_420.txt │ │ │ ├── pair_voc_img_421.txt │ │ │ ├── pair_voc_img_422.txt │ │ │ ├── pair_voc_img_423.txt │ │ │ ├── pair_voc_img_424.txt │ │ │ ├── pair_voc_img_425.txt │ │ │ ├── pair_voc_img_426.txt │ │ │ ├── pair_voc_img_427.txt │ │ │ ├── pair_voc_img_428.txt │ │ │ ├── pair_voc_img_429.txt │ │ │ ├── pair_voc_img_43.txt │ │ │ ├── pair_voc_img_430.txt │ │ │ ├── pair_voc_img_431.txt │ │ │ ├── pair_voc_img_432.txt │ │ │ ├── pair_voc_img_433.txt │ │ │ ├── pair_voc_img_434.txt │ │ │ ├── pair_voc_img_435.txt │ │ │ ├── pair_voc_img_436.txt │ │ │ ├── pair_voc_img_437.txt │ │ │ ├── pair_voc_img_438.txt │ │ │ ├── pair_voc_img_439.txt │ │ │ ├── pair_voc_img_44.txt │ │ │ ├── pair_voc_img_440.txt │ │ │ ├── pair_voc_img_441.txt │ │ │ ├── pair_voc_img_442.txt │ │ │ ├── pair_voc_img_443.txt │ │ │ ├── pair_voc_img_444.txt │ │ │ ├── pair_voc_img_445.txt │ │ │ ├── pair_voc_img_446.txt │ │ │ ├── pair_voc_img_447.txt │ │ │ ├── pair_voc_img_448.txt │ │ │ ├── pair_voc_img_449.txt │ │ │ ├── pair_voc_img_45.txt │ │ │ ├── pair_voc_img_450.txt │ │ │ ├── pair_voc_img_451.txt │ │ │ ├── pair_voc_img_452.txt │ │ │ ├── pair_voc_img_453.txt │ │ │ ├── pair_voc_img_454.txt │ │ │ ├── pair_voc_img_455.txt │ │ │ ├── pair_voc_img_456.txt │ │ │ ├── pair_voc_img_457.txt │ │ │ ├── pair_voc_img_458.txt │ │ │ ├── pair_voc_img_459.txt │ │ │ ├── pair_voc_img_46.txt │ │ │ ├── pair_voc_img_460.txt │ │ │ ├── pair_voc_img_461.txt │ │ │ ├── pair_voc_img_462.txt │ │ │ ├── pair_voc_img_463.txt │ │ │ ├── pair_voc_img_464.txt │ │ │ ├── pair_voc_img_465.txt │ │ │ ├── pair_voc_img_466.txt │ │ │ ├── pair_voc_img_467.txt │ │ │ ├── pair_voc_img_468.txt │ │ │ ├── pair_voc_img_469.txt │ │ │ ├── pair_voc_img_47.txt │ │ │ ├── pair_voc_img_470.txt │ │ │ ├── pair_voc_img_471.txt │ │ │ ├── pair_voc_img_472.txt │ │ │ ├── pair_voc_img_473.txt │ │ │ ├── pair_voc_img_474.txt │ │ │ ├── pair_voc_img_475.txt │ │ │ ├── pair_voc_img_476.txt │ │ │ ├── pair_voc_img_477.txt │ │ │ ├── pair_voc_img_478.txt │ │ │ ├── pair_voc_img_479.txt │ │ │ ├── pair_voc_img_48.txt │ │ │ ├── pair_voc_img_480.txt │ │ │ ├── pair_voc_img_481.txt │ │ │ ├── pair_voc_img_482.txt │ │ │ ├── pair_voc_img_483.txt │ │ │ ├── pair_voc_img_484.txt │ │ │ ├── pair_voc_img_485.txt │ │ │ ├── pair_voc_img_486.txt │ │ │ ├── pair_voc_img_487.txt │ │ │ ├── pair_voc_img_488.txt │ │ │ ├── pair_voc_img_489.txt │ │ │ ├── pair_voc_img_49.txt │ │ │ ├── pair_voc_img_490.txt │ │ │ ├── pair_voc_img_491.txt │ │ │ ├── pair_voc_img_492.txt │ │ │ ├── pair_voc_img_493.txt │ │ │ ├── pair_voc_img_494.txt │ │ │ ├── pair_voc_img_495.txt │ │ │ ├── pair_voc_img_496.txt │ │ │ ├── pair_voc_img_497.txt │ │ │ ├── pair_voc_img_498.txt │ │ │ ├── pair_voc_img_499.txt │ │ │ ├── pair_voc_img_5.txt │ │ │ ├── pair_voc_img_50.txt │ │ │ ├── pair_voc_img_500.txt │ │ │ ├── pair_voc_img_51.txt │ │ │ ├── pair_voc_img_52.txt │ │ │ ├── pair_voc_img_53.txt │ │ │ ├── pair_voc_img_54.txt │ │ │ ├── pair_voc_img_55.txt │ │ │ ├── pair_voc_img_56.txt │ │ │ ├── pair_voc_img_57.txt │ │ │ ├── pair_voc_img_58.txt │ │ │ ├── pair_voc_img_59.txt │ │ │ ├── pair_voc_img_6.txt │ │ │ ├── pair_voc_img_60.txt │ │ │ ├── pair_voc_img_61.txt │ │ │ ├── pair_voc_img_62.txt │ │ │ ├── pair_voc_img_63.txt │ │ │ ├── pair_voc_img_64.txt │ │ │ ├── pair_voc_img_65.txt │ │ │ ├── pair_voc_img_66.txt │ │ │ ├── pair_voc_img_67.txt │ │ │ ├── pair_voc_img_68.txt │ │ │ ├── pair_voc_img_69.txt │ │ │ ├── pair_voc_img_7.txt │ │ │ ├── pair_voc_img_70.txt │ │ │ ├── pair_voc_img_71.txt │ │ │ ├── pair_voc_img_72.txt │ │ │ ├── pair_voc_img_73.txt │ │ │ ├── pair_voc_img_74.txt │ │ │ ├── pair_voc_img_75.txt │ │ │ ├── pair_voc_img_76.txt │ │ │ ├── pair_voc_img_77.txt │ │ │ ├── pair_voc_img_78.txt │ │ │ ├── pair_voc_img_79.txt │ │ │ ├── pair_voc_img_8.txt │ │ │ ├── pair_voc_img_80.txt │ │ │ ├── pair_voc_img_81.txt │ │ │ ├── pair_voc_img_82.txt │ │ │ ├── pair_voc_img_83.txt │ │ │ ├── pair_voc_img_84.txt │ │ │ ├── pair_voc_img_85.txt │ │ │ ├── pair_voc_img_86.txt │ │ │ ├── pair_voc_img_87.txt │ │ │ ├── pair_voc_img_88.txt │ │ │ ├── pair_voc_img_89.txt │ │ │ ├── pair_voc_img_9.txt │ │ │ ├── pair_voc_img_90.txt │ │ │ ├── pair_voc_img_91.txt │ │ │ ├── pair_voc_img_92.txt │ │ │ ├── pair_voc_img_93.txt │ │ │ ├── pair_voc_img_94.txt │ │ │ ├── pair_voc_img_95.txt │ │ │ ├── pair_voc_img_96.txt │ │ │ ├── pair_voc_img_97.txt │ │ │ ├── pair_voc_img_98.txt │ │ │ └── pair_voc_img_99.txt │ │ └── strong_lexicon │ │ │ ├── pair_voc_img_1.txt │ │ │ ├── pair_voc_img_10.txt │ │ │ ├── pair_voc_img_100.txt │ │ │ ├── pair_voc_img_101.txt │ │ │ ├── pair_voc_img_102.txt │ │ │ ├── pair_voc_img_103.txt │ │ │ ├── pair_voc_img_104.txt │ │ │ ├── pair_voc_img_105.txt │ │ │ ├── pair_voc_img_106.txt │ │ │ ├── pair_voc_img_107.txt │ │ │ ├── pair_voc_img_108.txt │ │ │ ├── pair_voc_img_109.txt │ │ │ ├── pair_voc_img_11.txt │ │ │ ├── pair_voc_img_110.txt │ │ │ ├── pair_voc_img_111.txt │ │ │ ├── pair_voc_img_112.txt │ │ │ ├── pair_voc_img_113.txt │ │ │ ├── pair_voc_img_114.txt │ │ │ ├── pair_voc_img_115.txt │ │ │ ├── pair_voc_img_116.txt │ │ │ ├── pair_voc_img_117.txt │ │ │ ├── pair_voc_img_118.txt │ │ │ ├── pair_voc_img_119.txt │ │ │ ├── pair_voc_img_12.txt │ │ │ ├── pair_voc_img_120.txt │ │ │ ├── pair_voc_img_121.txt │ │ │ ├── pair_voc_img_122.txt │ │ │ ├── pair_voc_img_123.txt │ │ │ ├── pair_voc_img_124.txt │ │ │ ├── pair_voc_img_125.txt │ │ │ ├── pair_voc_img_126.txt │ │ │ ├── pair_voc_img_127.txt │ │ │ ├── pair_voc_img_128.txt │ │ │ ├── pair_voc_img_129.txt │ │ │ ├── pair_voc_img_13.txt │ │ │ ├── pair_voc_img_130.txt │ │ │ ├── pair_voc_img_131.txt │ │ │ ├── pair_voc_img_132.txt │ │ │ ├── pair_voc_img_133.txt │ │ │ ├── pair_voc_img_134.txt │ │ │ ├── pair_voc_img_135.txt │ │ │ ├── pair_voc_img_136.txt │ │ │ ├── pair_voc_img_137.txt │ │ │ ├── pair_voc_img_138.txt │ │ │ ├── pair_voc_img_139.txt │ │ │ ├── pair_voc_img_14.txt │ │ │ ├── pair_voc_img_140.txt │ │ │ ├── pair_voc_img_141.txt │ │ │ ├── pair_voc_img_142.txt │ │ │ ├── pair_voc_img_143.txt │ │ │ ├── pair_voc_img_144.txt │ │ │ ├── pair_voc_img_145.txt │ │ │ ├── pair_voc_img_146.txt │ │ │ ├── pair_voc_img_147.txt │ │ │ ├── pair_voc_img_148.txt │ │ │ ├── pair_voc_img_149.txt │ │ │ ├── pair_voc_img_15.txt │ │ │ ├── pair_voc_img_150.txt │ │ │ ├── pair_voc_img_151.txt │ │ │ ├── pair_voc_img_152.txt │ │ │ ├── pair_voc_img_153.txt │ │ │ ├── pair_voc_img_154.txt │ │ │ ├── pair_voc_img_155.txt │ │ │ ├── pair_voc_img_156.txt │ │ │ ├── pair_voc_img_157.txt │ │ │ ├── pair_voc_img_158.txt │ │ │ ├── pair_voc_img_159.txt │ │ │ ├── pair_voc_img_16.txt │ │ │ ├── pair_voc_img_160.txt │ │ │ ├── pair_voc_img_161.txt │ │ │ ├── pair_voc_img_162.txt │ │ │ ├── pair_voc_img_163.txt │ │ │ ├── pair_voc_img_164.txt │ │ │ ├── pair_voc_img_165.txt │ │ │ ├── pair_voc_img_166.txt │ │ │ ├── pair_voc_img_167.txt │ │ │ ├── pair_voc_img_168.txt │ │ │ ├── pair_voc_img_169.txt │ │ │ ├── pair_voc_img_17.txt │ │ │ ├── pair_voc_img_170.txt │ │ │ ├── pair_voc_img_171.txt │ │ │ ├── pair_voc_img_172.txt │ │ │ ├── pair_voc_img_173.txt │ │ │ ├── pair_voc_img_174.txt │ │ │ ├── pair_voc_img_175.txt │ │ │ ├── pair_voc_img_176.txt │ │ │ ├── pair_voc_img_177.txt │ │ │ ├── pair_voc_img_178.txt │ │ │ ├── pair_voc_img_179.txt │ │ │ ├── pair_voc_img_18.txt │ │ │ ├── pair_voc_img_180.txt │ │ │ ├── pair_voc_img_181.txt │ │ │ ├── pair_voc_img_182.txt │ │ │ ├── pair_voc_img_183.txt │ │ │ ├── pair_voc_img_184.txt │ │ │ ├── pair_voc_img_185.txt │ │ │ ├── pair_voc_img_186.txt │ │ │ ├── pair_voc_img_187.txt │ │ │ ├── pair_voc_img_188.txt │ │ │ ├── pair_voc_img_189.txt │ │ │ ├── pair_voc_img_19.txt │ │ │ ├── pair_voc_img_190.txt │ │ │ ├── pair_voc_img_191.txt │ │ │ ├── pair_voc_img_192.txt │ │ │ ├── pair_voc_img_193.txt │ │ │ ├── pair_voc_img_194.txt │ │ │ ├── pair_voc_img_195.txt │ │ │ ├── pair_voc_img_196.txt │ │ │ ├── pair_voc_img_197.txt │ │ │ ├── pair_voc_img_198.txt │ │ │ ├── pair_voc_img_199.txt │ │ │ ├── pair_voc_img_2.txt │ │ │ ├── pair_voc_img_20.txt │ │ │ ├── pair_voc_img_200.txt │ │ │ ├── pair_voc_img_201.txt │ │ │ ├── pair_voc_img_202.txt │ │ │ ├── pair_voc_img_203.txt │ │ │ ├── pair_voc_img_204.txt │ │ │ ├── pair_voc_img_205.txt │ │ │ ├── pair_voc_img_206.txt │ │ │ ├── pair_voc_img_207.txt │ │ │ ├── pair_voc_img_208.txt │ │ │ ├── pair_voc_img_209.txt │ │ │ ├── pair_voc_img_21.txt │ │ │ ├── pair_voc_img_210.txt │ │ │ ├── pair_voc_img_211.txt │ │ │ ├── pair_voc_img_212.txt │ │ │ ├── pair_voc_img_213.txt │ │ │ ├── pair_voc_img_214.txt │ │ │ ├── pair_voc_img_215.txt │ │ │ ├── pair_voc_img_216.txt │ │ │ ├── pair_voc_img_217.txt │ │ │ ├── pair_voc_img_218.txt │ │ │ ├── pair_voc_img_219.txt │ │ │ ├── pair_voc_img_22.txt │ │ │ ├── pair_voc_img_220.txt │ │ │ ├── pair_voc_img_221.txt │ │ │ ├── pair_voc_img_222.txt │ │ │ ├── pair_voc_img_223.txt │ │ │ ├── pair_voc_img_224.txt │ │ │ ├── pair_voc_img_225.txt │ │ │ ├── pair_voc_img_226.txt │ │ │ ├── pair_voc_img_227.txt │ │ │ ├── pair_voc_img_228.txt │ │ │ ├── pair_voc_img_229.txt │ │ │ ├── pair_voc_img_23.txt │ │ │ ├── pair_voc_img_230.txt │ │ │ ├── pair_voc_img_231.txt │ │ │ ├── pair_voc_img_232.txt │ │ │ ├── pair_voc_img_233.txt │ │ │ ├── pair_voc_img_234.txt │ │ │ ├── pair_voc_img_235.txt │ │ │ ├── pair_voc_img_236.txt │ │ │ ├── pair_voc_img_237.txt │ │ │ ├── pair_voc_img_238.txt │ │ │ ├── pair_voc_img_239.txt │ │ │ ├── pair_voc_img_24.txt │ │ │ ├── pair_voc_img_240.txt │ │ │ ├── pair_voc_img_241.txt │ │ │ ├── pair_voc_img_242.txt │ │ │ ├── pair_voc_img_243.txt │ │ │ ├── pair_voc_img_244.txt │ │ │ ├── pair_voc_img_245.txt │ │ │ ├── pair_voc_img_246.txt │ │ │ ├── pair_voc_img_247.txt │ │ │ ├── pair_voc_img_248.txt │ │ │ ├── pair_voc_img_249.txt │ │ │ ├── pair_voc_img_25.txt │ │ │ ├── pair_voc_img_250.txt │ │ │ ├── pair_voc_img_251.txt │ │ │ ├── pair_voc_img_252.txt │ │ │ ├── pair_voc_img_253.txt │ │ │ ├── pair_voc_img_254.txt │ │ │ ├── pair_voc_img_255.txt │ │ │ ├── pair_voc_img_256.txt │ │ │ ├── pair_voc_img_257.txt │ │ │ ├── pair_voc_img_258.txt │ │ │ ├── pair_voc_img_259.txt │ │ │ ├── pair_voc_img_26.txt │ │ │ ├── pair_voc_img_260.txt │ │ │ ├── pair_voc_img_261.txt │ │ │ ├── pair_voc_img_262.txt │ │ │ ├── pair_voc_img_263.txt │ │ │ ├── pair_voc_img_264.txt │ │ │ ├── pair_voc_img_265.txt │ │ │ ├── pair_voc_img_266.txt │ │ │ ├── pair_voc_img_267.txt │ │ │ ├── pair_voc_img_268.txt │ │ │ ├── pair_voc_img_269.txt │ │ │ ├── pair_voc_img_27.txt │ │ │ ├── pair_voc_img_270.txt │ │ │ ├── pair_voc_img_271.txt │ │ │ ├── pair_voc_img_272.txt │ │ │ ├── pair_voc_img_273.txt │ │ │ ├── pair_voc_img_274.txt │ │ │ ├── pair_voc_img_275.txt │ │ │ ├── pair_voc_img_276.txt │ │ │ ├── pair_voc_img_277.txt │ │ │ ├── pair_voc_img_278.txt │ │ │ ├── pair_voc_img_279.txt │ │ │ ├── pair_voc_img_28.txt │ │ │ ├── pair_voc_img_280.txt │ │ │ ├── pair_voc_img_281.txt │ │ │ ├── pair_voc_img_282.txt │ │ │ ├── pair_voc_img_283.txt │ │ │ ├── pair_voc_img_284.txt │ │ │ ├── pair_voc_img_285.txt │ │ │ ├── pair_voc_img_286.txt │ │ │ ├── pair_voc_img_287.txt │ │ │ ├── pair_voc_img_288.txt │ │ │ ├── pair_voc_img_289.txt │ │ │ ├── pair_voc_img_29.txt │ │ │ ├── pair_voc_img_290.txt │ │ │ ├── pair_voc_img_291.txt │ │ │ ├── pair_voc_img_292.txt │ │ │ ├── pair_voc_img_293.txt │ │ │ ├── pair_voc_img_294.txt │ │ │ ├── pair_voc_img_295.txt │ │ │ ├── pair_voc_img_296.txt │ │ │ ├── pair_voc_img_297.txt │ │ │ ├── pair_voc_img_298.txt │ │ │ ├── pair_voc_img_299.txt │ │ │ ├── pair_voc_img_3.txt │ │ │ ├── pair_voc_img_30.txt │ │ │ ├── pair_voc_img_300.txt │ │ │ ├── pair_voc_img_301.txt │ │ │ ├── pair_voc_img_302.txt │ │ │ ├── pair_voc_img_303.txt │ │ │ ├── pair_voc_img_304.txt │ │ │ ├── pair_voc_img_305.txt │ │ │ ├── pair_voc_img_306.txt │ │ │ ├── pair_voc_img_307.txt │ │ │ ├── pair_voc_img_308.txt │ │ │ ├── pair_voc_img_309.txt │ │ │ ├── pair_voc_img_31.txt │ │ │ ├── pair_voc_img_310.txt │ │ │ ├── pair_voc_img_311.txt │ │ │ ├── pair_voc_img_312.txt │ │ │ ├── pair_voc_img_313.txt │ │ │ ├── pair_voc_img_314.txt │ │ │ ├── pair_voc_img_315.txt │ │ │ ├── pair_voc_img_316.txt │ │ │ ├── pair_voc_img_317.txt │ │ │ ├── pair_voc_img_318.txt │ │ │ ├── pair_voc_img_319.txt │ │ │ ├── pair_voc_img_32.txt │ │ │ ├── pair_voc_img_320.txt │ │ │ ├── pair_voc_img_321.txt │ │ │ ├── pair_voc_img_322.txt │ │ │ ├── pair_voc_img_323.txt │ │ │ ├── pair_voc_img_324.txt │ │ │ ├── pair_voc_img_325.txt │ │ │ ├── pair_voc_img_326.txt │ │ │ ├── pair_voc_img_327.txt │ │ │ ├── pair_voc_img_328.txt │ │ │ ├── pair_voc_img_329.txt │ │ │ ├── pair_voc_img_33.txt │ │ │ ├── pair_voc_img_330.txt │ │ │ ├── pair_voc_img_331.txt │ │ │ ├── pair_voc_img_332.txt │ │ │ ├── pair_voc_img_333.txt │ │ │ ├── pair_voc_img_334.txt │ │ │ ├── pair_voc_img_335.txt │ │ │ ├── pair_voc_img_336.txt │ │ │ ├── pair_voc_img_337.txt │ │ │ ├── pair_voc_img_338.txt │ │ │ ├── pair_voc_img_339.txt │ │ │ ├── pair_voc_img_34.txt │ │ │ ├── pair_voc_img_340.txt │ │ │ ├── pair_voc_img_341.txt │ │ │ ├── pair_voc_img_342.txt │ │ │ ├── pair_voc_img_343.txt │ │ │ ├── pair_voc_img_344.txt │ │ │ ├── pair_voc_img_345.txt │ │ │ ├── pair_voc_img_346.txt │ │ │ ├── pair_voc_img_347.txt │ │ │ ├── pair_voc_img_348.txt │ │ │ ├── pair_voc_img_349.txt │ │ │ ├── pair_voc_img_35.txt │ │ │ ├── pair_voc_img_350.txt │ │ │ ├── pair_voc_img_351.txt │ │ │ ├── pair_voc_img_352.txt │ │ │ ├── pair_voc_img_353.txt │ │ │ ├── pair_voc_img_354.txt │ │ │ ├── pair_voc_img_355.txt │ │ │ ├── pair_voc_img_356.txt │ │ │ ├── pair_voc_img_357.txt │ │ │ ├── pair_voc_img_358.txt │ │ │ ├── pair_voc_img_359.txt │ │ │ ├── pair_voc_img_36.txt │ │ │ ├── pair_voc_img_360.txt │ │ │ ├── pair_voc_img_361.txt │ │ │ ├── pair_voc_img_362.txt │ │ │ ├── pair_voc_img_363.txt │ │ │ ├── pair_voc_img_364.txt │ │ │ ├── pair_voc_img_365.txt │ │ │ ├── pair_voc_img_366.txt │ │ │ ├── pair_voc_img_367.txt │ │ │ ├── pair_voc_img_368.txt │ │ │ ├── pair_voc_img_369.txt │ │ │ ├── pair_voc_img_37.txt │ │ │ ├── pair_voc_img_370.txt │ │ │ ├── pair_voc_img_371.txt │ │ │ ├── pair_voc_img_372.txt │ │ │ ├── pair_voc_img_373.txt │ │ │ ├── pair_voc_img_374.txt │ │ │ ├── pair_voc_img_375.txt │ │ │ ├── pair_voc_img_376.txt │ │ │ ├── pair_voc_img_377.txt │ │ │ ├── pair_voc_img_378.txt │ │ │ ├── pair_voc_img_379.txt │ │ │ ├── pair_voc_img_38.txt │ │ │ ├── pair_voc_img_380.txt │ │ │ ├── pair_voc_img_381.txt │ │ │ ├── pair_voc_img_382.txt │ │ │ ├── pair_voc_img_383.txt │ │ │ ├── pair_voc_img_384.txt │ │ │ ├── pair_voc_img_385.txt │ │ │ ├── pair_voc_img_386.txt │ │ │ ├── pair_voc_img_387.txt │ │ │ ├── pair_voc_img_388.txt │ │ │ ├── pair_voc_img_389.txt │ │ │ ├── pair_voc_img_39.txt │ │ │ ├── pair_voc_img_390.txt │ │ │ ├── pair_voc_img_391.txt │ │ │ ├── pair_voc_img_392.txt │ │ │ ├── pair_voc_img_393.txt │ │ │ ├── pair_voc_img_394.txt │ │ │ ├── pair_voc_img_395.txt │ │ │ ├── pair_voc_img_396.txt │ │ │ ├── pair_voc_img_397.txt │ │ │ ├── pair_voc_img_398.txt │ │ │ ├── pair_voc_img_399.txt │ │ │ ├── pair_voc_img_4.txt │ │ │ ├── pair_voc_img_40.txt │ │ │ ├── pair_voc_img_400.txt │ │ │ ├── pair_voc_img_401.txt │ │ │ ├── pair_voc_img_402.txt │ │ │ ├── pair_voc_img_403.txt │ │ │ ├── pair_voc_img_404.txt │ │ │ ├── pair_voc_img_405.txt │ │ │ ├── pair_voc_img_406.txt │ │ │ ├── pair_voc_img_407.txt │ │ │ ├── pair_voc_img_408.txt │ │ │ ├── pair_voc_img_409.txt │ │ │ ├── pair_voc_img_41.txt │ │ │ ├── pair_voc_img_410.txt │ │ │ ├── pair_voc_img_411.txt │ │ │ ├── pair_voc_img_412.txt │ │ │ ├── pair_voc_img_413.txt │ │ │ ├── pair_voc_img_414.txt │ │ │ ├── pair_voc_img_415.txt │ │ │ ├── pair_voc_img_416.txt │ │ │ ├── pair_voc_img_417.txt │ │ │ ├── pair_voc_img_418.txt │ │ │ ├── pair_voc_img_419.txt │ │ │ ├── pair_voc_img_42.txt │ │ │ ├── pair_voc_img_420.txt │ │ │ ├── pair_voc_img_421.txt │ │ │ ├── pair_voc_img_422.txt │ │ │ ├── pair_voc_img_423.txt │ │ │ ├── pair_voc_img_424.txt │ │ │ ├── pair_voc_img_425.txt │ │ │ ├── pair_voc_img_426.txt │ │ │ ├── pair_voc_img_427.txt │ │ │ ├── pair_voc_img_428.txt │ │ │ ├── pair_voc_img_429.txt │ │ │ ├── pair_voc_img_43.txt │ │ │ ├── pair_voc_img_430.txt │ │ │ ├── pair_voc_img_431.txt │ │ │ ├── pair_voc_img_432.txt │ │ │ ├── pair_voc_img_433.txt │ │ │ ├── pair_voc_img_434.txt │ │ │ ├── pair_voc_img_435.txt │ │ │ ├── pair_voc_img_436.txt │ │ │ ├── pair_voc_img_437.txt │ │ │ ├── pair_voc_img_438.txt │ │ │ ├── pair_voc_img_439.txt │ │ │ ├── pair_voc_img_44.txt │ │ │ ├── pair_voc_img_440.txt │ │ │ ├── pair_voc_img_441.txt │ │ │ ├── pair_voc_img_442.txt │ │ │ ├── pair_voc_img_443.txt │ │ │ ├── pair_voc_img_444.txt │ │ │ ├── pair_voc_img_445.txt │ │ │ ├── pair_voc_img_446.txt │ │ │ ├── pair_voc_img_447.txt │ │ │ ├── pair_voc_img_448.txt │ │ │ ├── pair_voc_img_449.txt │ │ │ ├── pair_voc_img_45.txt │ │ │ ├── pair_voc_img_450.txt │ │ │ ├── pair_voc_img_451.txt │ │ │ ├── pair_voc_img_452.txt │ │ │ ├── pair_voc_img_453.txt │ │ │ ├── pair_voc_img_454.txt │ │ │ ├── pair_voc_img_455.txt │ │ │ ├── pair_voc_img_456.txt │ │ │ ├── pair_voc_img_457.txt │ │ │ ├── pair_voc_img_458.txt │ │ │ ├── pair_voc_img_459.txt │ │ │ ├── pair_voc_img_46.txt │ │ │ ├── pair_voc_img_460.txt │ │ │ ├── pair_voc_img_461.txt │ │ │ ├── pair_voc_img_462.txt │ │ │ ├── pair_voc_img_463.txt │ │ │ ├── pair_voc_img_464.txt │ │ │ ├── pair_voc_img_465.txt │ │ │ ├── pair_voc_img_466.txt │ │ │ ├── pair_voc_img_467.txt │ │ │ ├── pair_voc_img_468.txt │ │ │ ├── pair_voc_img_469.txt │ │ │ ├── pair_voc_img_47.txt │ │ │ ├── pair_voc_img_470.txt │ │ │ ├── pair_voc_img_471.txt │ │ │ ├── pair_voc_img_472.txt │ │ │ ├── pair_voc_img_473.txt │ │ │ ├── pair_voc_img_474.txt │ │ │ ├── pair_voc_img_475.txt │ │ │ ├── pair_voc_img_476.txt │ │ │ ├── pair_voc_img_477.txt │ │ │ ├── pair_voc_img_478.txt │ │ │ ├── pair_voc_img_479.txt │ │ │ ├── pair_voc_img_48.txt │ │ │ ├── pair_voc_img_480.txt │ │ │ ├── pair_voc_img_481.txt │ │ │ ├── pair_voc_img_482.txt │ │ │ ├── pair_voc_img_483.txt │ │ │ ├── pair_voc_img_484.txt │ │ │ ├── pair_voc_img_485.txt │ │ │ ├── pair_voc_img_486.txt │ │ │ ├── pair_voc_img_487.txt │ │ │ ├── pair_voc_img_488.txt │ │ │ ├── pair_voc_img_489.txt │ │ │ ├── pair_voc_img_49.txt │ │ │ ├── pair_voc_img_490.txt │ │ │ ├── pair_voc_img_491.txt │ │ │ ├── pair_voc_img_492.txt │ │ │ ├── pair_voc_img_493.txt │ │ │ ├── pair_voc_img_494.txt │ │ │ ├── pair_voc_img_495.txt │ │ │ ├── pair_voc_img_496.txt │ │ │ ├── pair_voc_img_497.txt │ │ │ ├── pair_voc_img_498.txt │ │ │ ├── pair_voc_img_499.txt │ │ │ ├── pair_voc_img_5.txt │ │ │ ├── pair_voc_img_50.txt │ │ │ ├── pair_voc_img_500.txt │ │ │ ├── pair_voc_img_51.txt │ │ │ ├── pair_voc_img_52.txt │ │ │ ├── pair_voc_img_53.txt │ │ │ ├── pair_voc_img_54.txt │ │ │ ├── pair_voc_img_55.txt │ │ │ ├── pair_voc_img_56.txt │ │ │ ├── pair_voc_img_57.txt │ │ │ ├── pair_voc_img_58.txt │ │ │ ├── pair_voc_img_59.txt │ │ │ ├── pair_voc_img_6.txt │ │ │ ├── pair_voc_img_60.txt │ │ │ ├── pair_voc_img_61.txt │ │ │ ├── pair_voc_img_62.txt │ │ │ ├── pair_voc_img_63.txt │ │ │ ├── pair_voc_img_64.txt │ │ │ ├── pair_voc_img_65.txt │ │ │ ├── pair_voc_img_66.txt │ │ │ ├── pair_voc_img_67.txt │ │ │ ├── pair_voc_img_68.txt │ │ │ ├── pair_voc_img_69.txt │ │ │ ├── pair_voc_img_7.txt │ │ │ ├── pair_voc_img_70.txt │ │ │ ├── pair_voc_img_71.txt │ │ │ ├── pair_voc_img_72.txt │ │ │ ├── pair_voc_img_73.txt │ │ │ ├── pair_voc_img_74.txt │ │ │ ├── pair_voc_img_75.txt │ │ │ ├── pair_voc_img_76.txt │ │ │ ├── pair_voc_img_77.txt │ │ │ ├── pair_voc_img_78.txt │ │ │ ├── pair_voc_img_79.txt │ │ │ ├── pair_voc_img_8.txt │ │ │ ├── pair_voc_img_80.txt │ │ │ ├── pair_voc_img_81.txt │ │ │ ├── pair_voc_img_82.txt │ │ │ ├── pair_voc_img_83.txt │ │ │ ├── pair_voc_img_84.txt │ │ │ ├── pair_voc_img_85.txt │ │ │ ├── pair_voc_img_86.txt │ │ │ ├── pair_voc_img_87.txt │ │ │ ├── pair_voc_img_88.txt │ │ │ ├── pair_voc_img_89.txt │ │ │ ├── pair_voc_img_9.txt │ │ │ ├── pair_voc_img_90.txt │ │ │ ├── pair_voc_img_91.txt │ │ │ ├── pair_voc_img_92.txt │ │ │ ├── pair_voc_img_93.txt │ │ │ ├── pair_voc_img_94.txt │ │ │ ├── pair_voc_img_95.txt │ │ │ ├── pair_voc_img_96.txt │ │ │ ├── pair_voc_img_97.txt │ │ │ ├── pair_voc_img_98.txt │ │ │ ├── pair_voc_img_99.txt │ │ │ ├── voc_img_1.txt │ │ │ ├── voc_img_10.txt │ │ │ ├── voc_img_100.txt │ │ │ ├── voc_img_101.txt │ │ │ ├── voc_img_102.txt │ │ │ ├── voc_img_103.txt │ │ │ ├── voc_img_104.txt │ │ │ ├── voc_img_105.txt │ │ │ ├── voc_img_106.txt │ │ │ ├── voc_img_107.txt │ │ │ ├── voc_img_108.txt │ │ │ ├── voc_img_109.txt │ │ │ ├── voc_img_11.txt │ │ │ ├── voc_img_110.txt │ │ │ ├── voc_img_111.txt │ │ │ ├── voc_img_112.txt │ │ │ ├── voc_img_113.txt │ │ │ ├── voc_img_114.txt │ │ │ ├── voc_img_115.txt │ │ │ ├── voc_img_116.txt │ │ │ ├── voc_img_117.txt │ │ │ ├── voc_img_118.txt │ │ │ ├── voc_img_119.txt │ │ │ ├── voc_img_12.txt │ │ │ ├── voc_img_120.txt │ │ │ ├── voc_img_121.txt │ │ │ ├── voc_img_122.txt │ │ │ ├── voc_img_123.txt │ │ │ ├── voc_img_124.txt │ │ │ ├── voc_img_125.txt │ │ │ ├── voc_img_126.txt │ │ │ ├── voc_img_127.txt │ │ │ ├── voc_img_128.txt │ │ │ ├── voc_img_129.txt │ │ │ ├── voc_img_13.txt │ │ │ ├── voc_img_130.txt │ │ │ ├── voc_img_131.txt │ │ │ ├── voc_img_132.txt │ │ │ ├── voc_img_133.txt │ │ │ ├── voc_img_134.txt │ │ │ ├── voc_img_135.txt │ │ │ ├── voc_img_136.txt │ │ │ ├── voc_img_137.txt │ │ │ ├── voc_img_138.txt │ │ │ ├── voc_img_139.txt │ │ │ ├── voc_img_14.txt │ │ │ ├── voc_img_140.txt │ │ │ ├── voc_img_141.txt │ │ │ ├── voc_img_142.txt │ │ │ ├── voc_img_143.txt │ │ │ ├── voc_img_144.txt │ │ │ ├── voc_img_145.txt │ │ │ ├── voc_img_146.txt │ │ │ ├── voc_img_147.txt │ │ │ ├── voc_img_148.txt │ │ │ ├── voc_img_149.txt │ │ │ ├── voc_img_15.txt │ │ │ ├── voc_img_150.txt │ │ │ ├── voc_img_151.txt │ │ │ ├── voc_img_152.txt │ │ │ ├── voc_img_153.txt │ │ │ ├── voc_img_154.txt │ │ │ ├── voc_img_155.txt │ │ │ ├── voc_img_156.txt │ │ │ ├── voc_img_157.txt │ │ │ ├── voc_img_158.txt │ │ │ ├── voc_img_159.txt │ │ │ ├── voc_img_16.txt │ │ │ ├── voc_img_160.txt │ │ │ ├── voc_img_161.txt │ │ │ ├── voc_img_162.txt │ │ │ ├── voc_img_163.txt │ │ │ ├── voc_img_164.txt │ │ │ ├── voc_img_165.txt │ │ │ ├── voc_img_166.txt │ │ │ ├── voc_img_167.txt │ │ │ ├── voc_img_168.txt │ │ │ ├── voc_img_169.txt │ │ │ ├── voc_img_17.txt │ │ │ ├── voc_img_170.txt │ │ │ ├── voc_img_171.txt │ │ │ ├── voc_img_172.txt │ │ │ ├── voc_img_173.txt │ │ │ ├── voc_img_174.txt │ │ │ ├── voc_img_175.txt │ │ │ ├── voc_img_176.txt │ │ │ ├── voc_img_177.txt │ │ │ ├── voc_img_178.txt │ │ │ ├── voc_img_179.txt │ │ │ ├── voc_img_18.txt │ │ │ ├── voc_img_180.txt │ │ │ ├── voc_img_181.txt │ │ │ ├── voc_img_182.txt │ │ │ ├── voc_img_183.txt │ │ │ ├── voc_img_184.txt │ │ │ ├── voc_img_185.txt │ │ │ ├── voc_img_186.txt │ │ │ ├── voc_img_187.txt │ │ │ ├── voc_img_188.txt │ │ │ ├── voc_img_189.txt │ │ │ ├── voc_img_19.txt │ │ │ ├── voc_img_190.txt │ │ │ ├── voc_img_191.txt │ │ │ ├── voc_img_192.txt │ │ │ ├── voc_img_193.txt │ │ │ ├── voc_img_194.txt │ │ │ ├── voc_img_195.txt │ │ │ ├── voc_img_196.txt │ │ │ ├── voc_img_197.txt │ │ │ ├── voc_img_198.txt │ │ │ ├── voc_img_199.txt │ │ │ ├── voc_img_2.txt │ │ │ ├── voc_img_20.txt │ │ │ ├── voc_img_200.txt │ │ │ ├── voc_img_201.txt │ │ │ ├── voc_img_202.txt │ │ │ ├── voc_img_203.txt │ │ │ ├── voc_img_204.txt │ │ │ ├── voc_img_205.txt │ │ │ ├── voc_img_206.txt │ │ │ ├── voc_img_207.txt │ │ │ ├── voc_img_208.txt │ │ │ ├── voc_img_209.txt │ │ │ ├── voc_img_21.txt │ │ │ ├── voc_img_210.txt │ │ │ ├── voc_img_211.txt │ │ │ ├── voc_img_212.txt │ │ │ ├── voc_img_213.txt │ │ │ ├── voc_img_214.txt │ │ │ ├── voc_img_215.txt │ │ │ ├── voc_img_216.txt │ │ │ ├── voc_img_217.txt │ │ │ ├── voc_img_218.txt │ │ │ ├── voc_img_219.txt │ │ │ ├── voc_img_22.txt │ │ │ ├── voc_img_220.txt │ │ │ ├── voc_img_221.txt │ │ │ ├── voc_img_222.txt │ │ │ ├── voc_img_223.txt │ │ │ ├── voc_img_224.txt │ │ │ ├── voc_img_225.txt │ │ │ ├── voc_img_226.txt │ │ │ ├── voc_img_227.txt │ │ │ ├── voc_img_228.txt │ │ │ ├── voc_img_229.txt │ │ │ ├── voc_img_23.txt │ │ │ ├── voc_img_230.txt │ │ │ ├── voc_img_231.txt │ │ │ ├── voc_img_232.txt │ │ │ ├── voc_img_233.txt │ │ │ ├── voc_img_234.txt │ │ │ ├── voc_img_235.txt │ │ │ ├── voc_img_236.txt │ │ │ ├── voc_img_237.txt │ │ │ ├── voc_img_238.txt │ │ │ ├── voc_img_239.txt │ │ │ ├── voc_img_24.txt │ │ │ ├── voc_img_240.txt │ │ │ ├── voc_img_241.txt │ │ │ ├── voc_img_242.txt │ │ │ ├── voc_img_243.txt │ │ │ ├── voc_img_244.txt │ │ │ ├── voc_img_245.txt │ │ │ ├── voc_img_246.txt │ │ │ ├── voc_img_247.txt │ │ │ ├── voc_img_248.txt │ │ │ ├── voc_img_249.txt │ │ │ ├── voc_img_25.txt │ │ │ ├── voc_img_250.txt │ │ │ ├── voc_img_251.txt │ │ │ ├── voc_img_252.txt │ │ │ ├── voc_img_253.txt │ │ │ ├── voc_img_254.txt │ │ │ ├── voc_img_255.txt │ │ │ ├── voc_img_256.txt │ │ │ ├── voc_img_257.txt │ │ │ ├── voc_img_258.txt │ │ │ ├── voc_img_259.txt │ │ │ ├── voc_img_26.txt │ │ │ ├── voc_img_260.txt │ │ │ ├── voc_img_261.txt │ │ │ ├── voc_img_262.txt │ │ │ ├── voc_img_263.txt │ │ │ ├── voc_img_264.txt │ │ │ ├── voc_img_265.txt │ │ │ ├── voc_img_266.txt │ │ │ ├── voc_img_267.txt │ │ │ ├── voc_img_268.txt │ │ │ ├── voc_img_269.txt │ │ │ ├── voc_img_27.txt │ │ │ ├── voc_img_270.txt │ │ │ ├── voc_img_271.txt │ │ │ ├── voc_img_272.txt │ │ │ ├── voc_img_273.txt │ │ │ ├── voc_img_274.txt │ │ │ ├── voc_img_275.txt │ │ │ ├── voc_img_276.txt │ │ │ ├── voc_img_277.txt │ │ │ ├── voc_img_278.txt │ │ │ ├── voc_img_279.txt │ │ │ ├── voc_img_28.txt │ │ │ ├── voc_img_280.txt │ │ │ ├── voc_img_281.txt │ │ │ ├── voc_img_282.txt │ │ │ ├── voc_img_283.txt │ │ │ ├── voc_img_284.txt │ │ │ ├── voc_img_285.txt │ │ │ ├── voc_img_286.txt │ │ │ ├── voc_img_287.txt │ │ │ ├── voc_img_288.txt │ │ │ ├── voc_img_289.txt │ │ │ ├── voc_img_29.txt │ │ │ ├── voc_img_290.txt │ │ │ ├── voc_img_291.txt │ │ │ ├── voc_img_292.txt │ │ │ ├── voc_img_293.txt │ │ │ ├── voc_img_294.txt │ │ │ ├── voc_img_295.txt │ │ │ ├── voc_img_296.txt │ │ │ ├── voc_img_297.txt │ │ │ ├── voc_img_298.txt │ │ │ ├── voc_img_299.txt │ │ │ ├── voc_img_3.txt │ │ │ ├── voc_img_30.txt │ │ │ ├── voc_img_300.txt │ │ │ ├── voc_img_301.txt │ │ │ ├── voc_img_302.txt │ │ │ ├── voc_img_303.txt │ │ │ ├── voc_img_304.txt │ │ │ ├── voc_img_305.txt │ │ │ ├── voc_img_306.txt │ │ │ ├── voc_img_307.txt │ │ │ ├── voc_img_308.txt │ │ │ ├── voc_img_309.txt │ │ │ ├── voc_img_31.txt │ │ │ ├── voc_img_310.txt │ │ │ ├── voc_img_311.txt │ │ │ ├── voc_img_312.txt │ │ │ ├── voc_img_313.txt │ │ │ ├── voc_img_314.txt │ │ │ ├── voc_img_315.txt │ │ │ ├── voc_img_316.txt │ │ │ ├── voc_img_317.txt │ │ │ ├── voc_img_318.txt │ │ │ ├── voc_img_319.txt │ │ │ ├── voc_img_32.txt │ │ │ ├── voc_img_320.txt │ │ │ ├── voc_img_321.txt │ │ │ ├── voc_img_322.txt │ │ │ ├── voc_img_323.txt │ │ │ ├── voc_img_324.txt │ │ │ ├── voc_img_325.txt │ │ │ ├── voc_img_326.txt │ │ │ ├── voc_img_327.txt │ │ │ ├── voc_img_328.txt │ │ │ ├── voc_img_329.txt │ │ │ ├── voc_img_33.txt │ │ │ ├── voc_img_330.txt │ │ │ ├── voc_img_331.txt │ │ │ ├── voc_img_332.txt │ │ │ ├── voc_img_333.txt │ │ │ ├── voc_img_334.txt │ │ │ ├── voc_img_335.txt │ │ │ ├── voc_img_336.txt │ │ │ ├── voc_img_337.txt │ │ │ ├── voc_img_338.txt │ │ │ ├── voc_img_339.txt │ │ │ ├── voc_img_34.txt │ │ │ ├── voc_img_340.txt │ │ │ ├── voc_img_341.txt │ │ │ ├── voc_img_342.txt │ │ │ ├── voc_img_343.txt │ │ │ ├── voc_img_344.txt │ │ │ ├── voc_img_345.txt │ │ │ ├── voc_img_346.txt │ │ │ ├── voc_img_347.txt │ │ │ ├── voc_img_348.txt │ │ │ ├── voc_img_349.txt │ │ │ ├── voc_img_35.txt │ │ │ ├── voc_img_350.txt │ │ │ ├── voc_img_351.txt │ │ │ ├── voc_img_352.txt │ │ │ ├── voc_img_353.txt │ │ │ ├── voc_img_354.txt │ │ │ ├── voc_img_355.txt │ │ │ ├── voc_img_356.txt │ │ │ ├── voc_img_357.txt │ │ │ ├── voc_img_358.txt │ │ │ ├── voc_img_359.txt │ │ │ ├── voc_img_36.txt │ │ │ ├── voc_img_360.txt │ │ │ ├── voc_img_361.txt │ │ │ ├── voc_img_362.txt │ │ │ ├── voc_img_363.txt │ │ │ ├── voc_img_364.txt │ │ │ ├── voc_img_365.txt │ │ │ ├── voc_img_366.txt │ │ │ ├── voc_img_367.txt │ │ │ ├── voc_img_368.txt │ │ │ ├── voc_img_369.txt │ │ │ ├── voc_img_37.txt │ │ │ ├── voc_img_370.txt │ │ │ ├── voc_img_371.txt │ │ │ ├── voc_img_372.txt │ │ │ ├── voc_img_373.txt │ │ │ ├── voc_img_374.txt │ │ │ ├── voc_img_375.txt │ │ │ ├── voc_img_376.txt │ │ │ ├── voc_img_377.txt │ │ │ ├── voc_img_378.txt │ │ │ ├── voc_img_379.txt │ │ │ ├── voc_img_38.txt │ │ │ ├── voc_img_380.txt │ │ │ ├── voc_img_381.txt │ │ │ ├── voc_img_382.txt │ │ │ ├── voc_img_383.txt │ │ │ ├── voc_img_384.txt │ │ │ ├── voc_img_385.txt │ │ │ ├── voc_img_386.txt │ │ │ ├── voc_img_387.txt │ │ │ ├── voc_img_388.txt │ │ │ ├── voc_img_389.txt │ │ │ ├── voc_img_39.txt │ │ │ ├── voc_img_390.txt │ │ │ ├── voc_img_391.txt │ │ │ ├── voc_img_392.txt │ │ │ ├── voc_img_393.txt │ │ │ ├── voc_img_394.txt │ │ │ ├── voc_img_395.txt │ │ │ ├── voc_img_396.txt │ │ │ ├── voc_img_397.txt │ │ │ ├── voc_img_398.txt │ │ │ ├── voc_img_399.txt │ │ │ ├── voc_img_4.txt │ │ │ ├── voc_img_40.txt │ │ │ ├── voc_img_400.txt │ │ │ ├── voc_img_401.txt │ │ │ ├── voc_img_402.txt │ │ │ ├── voc_img_403.txt │ │ │ ├── voc_img_404.txt │ │ │ ├── voc_img_405.txt │ │ │ ├── voc_img_406.txt │ │ │ ├── voc_img_407.txt │ │ │ ├── voc_img_408.txt │ │ │ ├── voc_img_409.txt │ │ │ ├── voc_img_41.txt │ │ │ ├── voc_img_410.txt │ │ │ ├── voc_img_411.txt │ │ │ ├── voc_img_412.txt │ │ │ ├── voc_img_413.txt │ │ │ ├── voc_img_414.txt │ │ │ ├── voc_img_415.txt │ │ │ ├── voc_img_416.txt │ │ │ ├── voc_img_417.txt │ │ │ ├── voc_img_418.txt │ │ │ ├── voc_img_419.txt │ │ │ ├── voc_img_42.txt │ │ │ ├── voc_img_420.txt │ │ │ ├── voc_img_421.txt │ │ │ ├── voc_img_422.txt │ │ │ ├── voc_img_423.txt │ │ │ ├── voc_img_424.txt │ │ │ ├── voc_img_425.txt │ │ │ ├── voc_img_426.txt │ │ │ ├── voc_img_427.txt │ │ │ ├── voc_img_428.txt │ │ │ ├── voc_img_429.txt │ │ │ ├── voc_img_43.txt │ │ │ ├── voc_img_430.txt │ │ │ ├── voc_img_431.txt │ │ │ ├── voc_img_432.txt │ │ │ ├── voc_img_433.txt │ │ │ ├── voc_img_434.txt │ │ │ ├── voc_img_435.txt │ │ │ ├── voc_img_436.txt │ │ │ ├── voc_img_437.txt │ │ │ ├── voc_img_438.txt │ │ │ ├── voc_img_439.txt │ │ │ ├── voc_img_44.txt │ │ │ ├── voc_img_440.txt │ │ │ ├── voc_img_441.txt │ │ │ ├── voc_img_442.txt │ │ │ ├── voc_img_443.txt │ │ │ ├── voc_img_444.txt │ │ │ ├── voc_img_445.txt │ │ │ ├── voc_img_446.txt │ │ │ ├── voc_img_447.txt │ │ │ ├── voc_img_448.txt │ │ │ ├── voc_img_449.txt │ │ │ ├── voc_img_45.txt │ │ │ ├── voc_img_450.txt │ │ │ ├── voc_img_451.txt │ │ │ ├── voc_img_452.txt │ │ │ ├── voc_img_453.txt │ │ │ ├── voc_img_454.txt │ │ │ ├── voc_img_455.txt │ │ │ ├── voc_img_456.txt │ │ │ ├── voc_img_457.txt │ │ │ ├── voc_img_458.txt │ │ │ ├── voc_img_459.txt │ │ │ ├── voc_img_46.txt │ │ │ ├── voc_img_460.txt │ │ │ ├── voc_img_461.txt │ │ │ ├── voc_img_462.txt │ │ │ ├── voc_img_463.txt │ │ │ ├── voc_img_464.txt │ │ │ ├── voc_img_465.txt │ │ │ ├── voc_img_466.txt │ │ │ ├── voc_img_467.txt │ │ │ ├── voc_img_468.txt │ │ │ ├── voc_img_469.txt │ │ │ ├── voc_img_47.txt │ │ │ ├── voc_img_470.txt │ │ │ ├── voc_img_471.txt │ │ │ ├── voc_img_472.txt │ │ │ ├── voc_img_473.txt │ │ │ ├── voc_img_474.txt │ │ │ ├── voc_img_475.txt │ │ │ ├── voc_img_476.txt │ │ │ ├── voc_img_477.txt │ │ │ ├── voc_img_478.txt │ │ │ ├── voc_img_479.txt │ │ │ ├── voc_img_48.txt │ │ │ ├── voc_img_480.txt │ │ │ ├── voc_img_481.txt │ │ │ ├── voc_img_482.txt │ │ │ ├── voc_img_483.txt │ │ │ ├── voc_img_484.txt │ │ │ ├── voc_img_485.txt │ │ │ ├── voc_img_486.txt │ │ │ ├── voc_img_487.txt │ │ │ ├── voc_img_488.txt │ │ │ ├── voc_img_489.txt │ │ │ ├── voc_img_49.txt │ │ │ ├── voc_img_490.txt │ │ │ ├── voc_img_491.txt │ │ │ ├── voc_img_492.txt │ │ │ ├── voc_img_493.txt │ │ │ ├── voc_img_494.txt │ │ │ ├── voc_img_495.txt │ │ │ ├── voc_img_496.txt │ │ │ ├── voc_img_497.txt │ │ │ ├── voc_img_498.txt │ │ │ ├── voc_img_499.txt │ │ │ ├── voc_img_5.txt │ │ │ ├── voc_img_50.txt │ │ │ ├── voc_img_500.txt │ │ │ ├── voc_img_51.txt │ │ │ ├── voc_img_52.txt │ │ │ ├── voc_img_53.txt │ │ │ ├── voc_img_54.txt │ │ │ ├── voc_img_55.txt │ │ │ ├── voc_img_56.txt │ │ │ ├── voc_img_57.txt │ │ │ ├── voc_img_58.txt │ │ │ ├── voc_img_59.txt │ │ │ ├── voc_img_6.txt │ │ │ ├── voc_img_60.txt │ │ │ ├── voc_img_61.txt │ │ │ ├── voc_img_62.txt │ │ │ ├── voc_img_63.txt │ │ │ ├── voc_img_64.txt │ │ │ ├── voc_img_65.txt │ │ │ ├── voc_img_66.txt │ │ │ ├── voc_img_67.txt │ │ │ ├── voc_img_68.txt │ │ │ ├── voc_img_69.txt │ │ │ ├── voc_img_7.txt │ │ │ ├── voc_img_70.txt │ │ │ ├── voc_img_71.txt │ │ │ ├── voc_img_72.txt │ │ │ ├── voc_img_73.txt │ │ │ ├── voc_img_74.txt │ │ │ ├── voc_img_75.txt │ │ │ ├── voc_img_76.txt │ │ │ ├── voc_img_77.txt │ │ │ ├── voc_img_78.txt │ │ │ ├── voc_img_79.txt │ │ │ ├── voc_img_8.txt │ │ │ ├── voc_img_80.txt │ │ │ ├── voc_img_81.txt │ │ │ ├── voc_img_82.txt │ │ │ ├── voc_img_83.txt │ │ │ ├── voc_img_84.txt │ │ │ ├── voc_img_85.txt │ │ │ ├── voc_img_86.txt │ │ │ ├── voc_img_87.txt │ │ │ ├── voc_img_88.txt │ │ │ ├── voc_img_89.txt │ │ │ ├── voc_img_9.txt │ │ │ ├── voc_img_90.txt │ │ │ ├── voc_img_91.txt │ │ │ ├── voc_img_92.txt │ │ │ ├── voc_img_93.txt │ │ │ ├── voc_img_94.txt │ │ │ ├── voc_img_95.txt │ │ │ ├── voc_img_96.txt │ │ │ ├── voc_img_97.txt │ │ │ ├── voc_img_98.txt │ │ │ └── voc_img_99.txt │ └── totaltext │ │ ├── tt_lexicon.txt │ │ ├── tt_pair_list.txt │ │ ├── weak_voc_new.txt │ │ └── weak_voc_pair_list.txt ├── rrc_evaluation_funcs.py ├── rrc_evaluation_funcs_ic15.py ├── text_eval_script.py ├── text_eval_script_ic15.py └── text_evaluation_all.py ├── figs ├── overall.png └── results.png ├── main.py ├── models ├── .DS_Store ├── __init__.py ├── ests │ ├── __init__.py │ ├── attention.py │ ├── backbone.py │ ├── deformable_transformer.py │ ├── dn_components.py │ ├── ests.py │ ├── matcher.py │ ├── ops │ │ ├── functions │ │ │ ├── __init__.py │ │ │ ├── __pycache__ │ │ │ │ ├── __init__.cpython-37.pyc │ │ │ │ ├── __init__.cpython-38.pyc │ │ │ │ ├── ms_deform_attn_func.cpython-37.pyc │ │ │ │ └── ms_deform_attn_func.cpython-38.pyc │ │ │ └── ms_deform_attn_func.py │ │ ├── make.sh │ │ ├── modules │ │ │ ├── __init__.py │ │ │ ├── __pycache__ │ │ │ │ ├── __init__.cpython-37.pyc │ │ │ │ ├── __init__.cpython-38.pyc │ │ │ │ ├── ms_deform_attn.cpython-37.pyc │ │ │ │ └── ms_deform_attn.cpython-38.pyc │ │ │ └── ms_deform_attn.py │ │ ├── setup.py │ │ ├── src │ │ │ ├── cpu │ │ │ │ ├── ms_deform_attn_cpu.cpp │ │ │ │ └── ms_deform_attn_cpu.h │ │ │ ├── cuda │ │ │ │ ├── ms_deform_attn_cuda.cu │ │ │ │ ├── ms_deform_attn_cuda.h │ │ │ │ └── ms_deform_im2col_cuda.cuh │ │ │ ├── ms_deform_attn.h │ │ │ └── vision.cpp │ │ └── test.py │ ├── position_encoding.py │ ├── segmentation.py │ ├── swin_transformer.py │ ├── transformer_deformable.py │ └── utils.py └── registry.py ├── requirements.txt ├── run_with_submitit.py ├── scripts ├── CTW1500_finetune.sh ├── Chn │ ├── Finetune.sh │ └── Pretrain.sh ├── Joint_train.sh ├── MLT │ ├── Finetune.sh │ └── Pretrain.sh ├── Pretrain.sh ├── TT_finetune.sh ├── VinText │ └── Finetune.sh └── test.sh ├── simhei.ttf ├── util ├── __init__.py ├── box_loss.py ├── box_ops.py ├── get_param_dicts.py ├── logger.py ├── misc.py ├── plot_utils.py ├── slconfig.py ├── slio.py ├── static_data_path.py ├── time_counter.py ├── utils.py ├── vis_utils.py └── visualizer.py ├── vis.py ├── vis_chn.py └── vis_vintext.py /README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/README.md -------------------------------------------------------------------------------- /chn_cls_list.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/chn_cls_list.txt -------------------------------------------------------------------------------- /config/ESTS/ESTS_4scale_chn_finetune.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/config/ESTS/ESTS_4scale_chn_finetune.py -------------------------------------------------------------------------------- /config/ESTS/ESTS_4scale_chn_pretrain.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/config/ESTS/ESTS_4scale_chn_pretrain.py -------------------------------------------------------------------------------- /config/ESTS/ESTS_4scale_mlt_finetune.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/config/ESTS/ESTS_4scale_mlt_finetune.py -------------------------------------------------------------------------------- /config/ESTS/ESTS_4scale_mlt_pretrain.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/config/ESTS/ESTS_4scale_mlt_pretrain.py -------------------------------------------------------------------------------- /config/ESTS/ESTS_5scale_ctw1500_finetune.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/config/ESTS/ESTS_5scale_ctw1500_finetune.py -------------------------------------------------------------------------------- /config/ESTS/ESTS_5scale_joint_train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/config/ESTS/ESTS_5scale_joint_train.py -------------------------------------------------------------------------------- /config/ESTS/ESTS_5scale_pretrain.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/config/ESTS/ESTS_5scale_pretrain.py -------------------------------------------------------------------------------- /config/ESTS/ESTS_5scale_tt_finetune.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/config/ESTS/ESTS_5scale_tt_finetune.py -------------------------------------------------------------------------------- /config/ESTS/ESTS_5scale_vintext_finetune.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/config/ESTS/ESTS_5scale_vintext_finetune.py -------------------------------------------------------------------------------- /config/ESTS/coco_transformer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/config/ESTS/coco_transformer.py -------------------------------------------------------------------------------- /d2/README.md: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /d2/configs/detr_256_6_6_torchvision.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/d2/configs/detr_256_6_6_torchvision.yaml -------------------------------------------------------------------------------- /d2/configs/detr_segm_256_6_6_torchvision.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/d2/configs/detr_segm_256_6_6_torchvision.yaml -------------------------------------------------------------------------------- /d2/converter.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/d2/converter.py -------------------------------------------------------------------------------- /d2/detr/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/d2/detr/__init__.py -------------------------------------------------------------------------------- /d2/detr/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/d2/detr/config.py -------------------------------------------------------------------------------- /d2/detr/dataset_mapper.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/d2/detr/dataset_mapper.py -------------------------------------------------------------------------------- /d2/detr/detr.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/d2/detr/detr.py -------------------------------------------------------------------------------- /d2/train_net.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/d2/train_net.py -------------------------------------------------------------------------------- /datasets/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/datasets/__init__.py -------------------------------------------------------------------------------- /datasets/coco.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/datasets/coco.py -------------------------------------------------------------------------------- /datasets/coco_eval.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/datasets/coco_eval.py -------------------------------------------------------------------------------- /datasets/coco_panoptic.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/datasets/coco_panoptic.py -------------------------------------------------------------------------------- /datasets/data_util.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/datasets/data_util.py -------------------------------------------------------------------------------- /datasets/dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/datasets/dataset.py -------------------------------------------------------------------------------- /datasets/o365.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/datasets/o365.py -------------------------------------------------------------------------------- /datasets/panoptic_eval.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/datasets/panoptic_eval.py -------------------------------------------------------------------------------- /datasets/qd_common.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/datasets/qd_common.py -------------------------------------------------------------------------------- /datasets/random_crop.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/datasets/random_crop.py -------------------------------------------------------------------------------- /datasets/sltransform.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/datasets/sltransform.py -------------------------------------------------------------------------------- /datasets/transforms.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/datasets/transforms.py -------------------------------------------------------------------------------- /datasets/tsv_io.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/datasets/tsv_io.py -------------------------------------------------------------------------------- /datasets/vanke.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/datasets/vanke.py -------------------------------------------------------------------------------- /detectron2-0.2.1/.circleci/config.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/.circleci/config.yml -------------------------------------------------------------------------------- /detectron2-0.2.1/.clang-format: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/.clang-format -------------------------------------------------------------------------------- /detectron2-0.2.1/.flake8: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/.flake8 -------------------------------------------------------------------------------- /detectron2-0.2.1/.github/CODE_OF_CONDUCT.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/.github/CODE_OF_CONDUCT.md -------------------------------------------------------------------------------- /detectron2-0.2.1/.github/CONTRIBUTING.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/.github/CONTRIBUTING.md -------------------------------------------------------------------------------- /detectron2-0.2.1/.github/Detectron2-Logo-Horz.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/.github/Detectron2-Logo-Horz.svg -------------------------------------------------------------------------------- /detectron2-0.2.1/.github/ISSUE_TEMPLATE.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/.github/ISSUE_TEMPLATE.md -------------------------------------------------------------------------------- /detectron2-0.2.1/.github/ISSUE_TEMPLATE/bugs.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/.github/ISSUE_TEMPLATE/bugs.md -------------------------------------------------------------------------------- /detectron2-0.2.1/.github/ISSUE_TEMPLATE/config.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/.github/ISSUE_TEMPLATE/config.yml -------------------------------------------------------------------------------- /detectron2-0.2.1/.github/pull_request_template.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/.github/pull_request_template.md -------------------------------------------------------------------------------- /detectron2-0.2.1/.github/workflows/workflow.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/.github/workflows/workflow.yml -------------------------------------------------------------------------------- /detectron2-0.2.1/.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/.gitignore -------------------------------------------------------------------------------- /detectron2-0.2.1/GETTING_STARTED.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/GETTING_STARTED.md -------------------------------------------------------------------------------- /detectron2-0.2.1/INSTALL.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/INSTALL.md -------------------------------------------------------------------------------- /detectron2-0.2.1/LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/LICENSE -------------------------------------------------------------------------------- /detectron2-0.2.1/MODEL_ZOO.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/MODEL_ZOO.md -------------------------------------------------------------------------------- /detectron2-0.2.1/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/README.md -------------------------------------------------------------------------------- /detectron2-0.2.1/configs/Base-RCNN-C4.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/configs/Base-RCNN-C4.yaml -------------------------------------------------------------------------------- /detectron2-0.2.1/configs/Base-RCNN-DilatedC5.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/configs/Base-RCNN-DilatedC5.yaml -------------------------------------------------------------------------------- /detectron2-0.2.1/configs/Base-RCNN-FPN.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/configs/Base-RCNN-FPN.yaml -------------------------------------------------------------------------------- /detectron2-0.2.1/configs/Base-RetinaNet.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/configs/Base-RetinaNet.yaml -------------------------------------------------------------------------------- /detectron2-0.2.1/configs/Misc/semantic_R_50_FPN_1x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/configs/Misc/semantic_R_50_FPN_1x.yaml -------------------------------------------------------------------------------- /detectron2-0.2.1/configs/quick_schedules/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/configs/quick_schedules/README.md -------------------------------------------------------------------------------- /detectron2-0.2.1/demo/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/demo/README.md -------------------------------------------------------------------------------- /detectron2-0.2.1/demo/demo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/demo/demo.py -------------------------------------------------------------------------------- /detectron2-0.2.1/demo/predictor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/demo/predictor.py -------------------------------------------------------------------------------- /detectron2-0.2.1/detectron2/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/detectron2/__init__.py -------------------------------------------------------------------------------- /detectron2-0.2.1/detectron2/checkpoint/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/detectron2/checkpoint/__init__.py -------------------------------------------------------------------------------- /detectron2-0.2.1/detectron2/checkpoint/catalog.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/detectron2/checkpoint/catalog.py -------------------------------------------------------------------------------- /detectron2-0.2.1/detectron2/config/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/detectron2/config/__init__.py -------------------------------------------------------------------------------- /detectron2-0.2.1/detectron2/config/compat.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/detectron2/config/compat.py -------------------------------------------------------------------------------- /detectron2-0.2.1/detectron2/config/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/detectron2/config/config.py -------------------------------------------------------------------------------- /detectron2-0.2.1/detectron2/config/defaults.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/detectron2/config/defaults.py -------------------------------------------------------------------------------- /detectron2-0.2.1/detectron2/data/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/detectron2/data/__init__.py -------------------------------------------------------------------------------- /detectron2-0.2.1/detectron2/data/build.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/detectron2/data/build.py -------------------------------------------------------------------------------- /detectron2-0.2.1/detectron2/data/catalog.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/detectron2/data/catalog.py -------------------------------------------------------------------------------- /detectron2-0.2.1/detectron2/data/common.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/detectron2/data/common.py -------------------------------------------------------------------------------- /detectron2-0.2.1/detectron2/data/dataset_mapper.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/detectron2/data/dataset_mapper.py -------------------------------------------------------------------------------- /detectron2-0.2.1/detectron2/data/datasets/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/detectron2/data/datasets/README.md -------------------------------------------------------------------------------- /detectron2-0.2.1/detectron2/data/datasets/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/detectron2/data/datasets/__init__.py -------------------------------------------------------------------------------- /detectron2-0.2.1/detectron2/data/datasets/builtin.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/detectron2/data/datasets/builtin.py -------------------------------------------------------------------------------- /detectron2-0.2.1/detectron2/data/datasets/cityscapes.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/detectron2/data/datasets/cityscapes.py -------------------------------------------------------------------------------- /detectron2-0.2.1/detectron2/data/datasets/coco.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/detectron2/data/datasets/coco.py -------------------------------------------------------------------------------- /detectron2-0.2.1/detectron2/data/datasets/lvis.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/detectron2/data/datasets/lvis.py -------------------------------------------------------------------------------- /detectron2-0.2.1/detectron2/data/datasets/pascal_voc.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/detectron2/data/datasets/pascal_voc.py -------------------------------------------------------------------------------- /detectron2-0.2.1/detectron2/data/detection_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/detectron2/data/detection_utils.py -------------------------------------------------------------------------------- /detectron2-0.2.1/detectron2/data/samplers/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/detectron2/data/samplers/__init__.py -------------------------------------------------------------------------------- /detectron2-0.2.1/detectron2/data/transforms/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/detectron2/data/transforms/__init__.py -------------------------------------------------------------------------------- /detectron2-0.2.1/detectron2/engine/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/detectron2/engine/__init__.py -------------------------------------------------------------------------------- /detectron2-0.2.1/detectron2/engine/defaults.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/detectron2/engine/defaults.py -------------------------------------------------------------------------------- /detectron2-0.2.1/detectron2/engine/hooks.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/detectron2/engine/hooks.py -------------------------------------------------------------------------------- /detectron2-0.2.1/detectron2/engine/launch.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/detectron2/engine/launch.py -------------------------------------------------------------------------------- /detectron2-0.2.1/detectron2/engine/train_loop.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/detectron2/engine/train_loop.py -------------------------------------------------------------------------------- /detectron2-0.2.1/detectron2/evaluation/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/detectron2/evaluation/__init__.py -------------------------------------------------------------------------------- /detectron2-0.2.1/detectron2/evaluation/evaluator.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/detectron2/evaluation/evaluator.py -------------------------------------------------------------------------------- /detectron2-0.2.1/detectron2/evaluation/fast_eval_api.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/detectron2/evaluation/fast_eval_api.py -------------------------------------------------------------------------------- /detectron2-0.2.1/detectron2/evaluation/testing.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/detectron2/evaluation/testing.py -------------------------------------------------------------------------------- /detectron2-0.2.1/detectron2/export/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/detectron2/export/README.md -------------------------------------------------------------------------------- /detectron2-0.2.1/detectron2/export/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/detectron2/export/__init__.py -------------------------------------------------------------------------------- /detectron2-0.2.1/detectron2/export/api.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/detectron2/export/api.py -------------------------------------------------------------------------------- /detectron2-0.2.1/detectron2/export/c10.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/detectron2/export/c10.py -------------------------------------------------------------------------------- /detectron2-0.2.1/detectron2/export/caffe2_export.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/detectron2/export/caffe2_export.py -------------------------------------------------------------------------------- /detectron2-0.2.1/detectron2/export/caffe2_inference.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/detectron2/export/caffe2_inference.py -------------------------------------------------------------------------------- /detectron2-0.2.1/detectron2/export/caffe2_modeling.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/detectron2/export/caffe2_modeling.py -------------------------------------------------------------------------------- /detectron2-0.2.1/detectron2/export/patcher.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/detectron2/export/patcher.py -------------------------------------------------------------------------------- /detectron2-0.2.1/detectron2/export/shared.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/detectron2/export/shared.py -------------------------------------------------------------------------------- /detectron2-0.2.1/detectron2/export/torchscript.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/detectron2/export/torchscript.py -------------------------------------------------------------------------------- /detectron2-0.2.1/detectron2/layers/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/detectron2/layers/__init__.py -------------------------------------------------------------------------------- /detectron2-0.2.1/detectron2/layers/aspp.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/detectron2/layers/aspp.py -------------------------------------------------------------------------------- /detectron2-0.2.1/detectron2/layers/batch_norm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/detectron2/layers/batch_norm.py -------------------------------------------------------------------------------- /detectron2-0.2.1/detectron2/layers/blocks.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/detectron2/layers/blocks.py -------------------------------------------------------------------------------- /detectron2-0.2.1/detectron2/layers/csrc/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/detectron2/layers/csrc/README.md -------------------------------------------------------------------------------- /detectron2-0.2.1/detectron2/layers/csrc/cuda_version.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/detectron2/layers/csrc/cuda_version.cu -------------------------------------------------------------------------------- /detectron2-0.2.1/detectron2/layers/csrc/vision.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/detectron2/layers/csrc/vision.cpp -------------------------------------------------------------------------------- /detectron2-0.2.1/detectron2/layers/deform_conv.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/detectron2/layers/deform_conv.py -------------------------------------------------------------------------------- /detectron2-0.2.1/detectron2/layers/mask_ops.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/detectron2/layers/mask_ops.py -------------------------------------------------------------------------------- /detectron2-0.2.1/detectron2/layers/nms.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/detectron2/layers/nms.py -------------------------------------------------------------------------------- /detectron2-0.2.1/detectron2/layers/roi_align.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/detectron2/layers/roi_align.py -------------------------------------------------------------------------------- /detectron2-0.2.1/detectron2/layers/roi_align_rotated.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/detectron2/layers/roi_align_rotated.py -------------------------------------------------------------------------------- /detectron2-0.2.1/detectron2/layers/rotated_boxes.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/detectron2/layers/rotated_boxes.py -------------------------------------------------------------------------------- /detectron2-0.2.1/detectron2/layers/shape_spec.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/detectron2/layers/shape_spec.py -------------------------------------------------------------------------------- /detectron2-0.2.1/detectron2/layers/wrappers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/detectron2/layers/wrappers.py -------------------------------------------------------------------------------- /detectron2-0.2.1/detectron2/model_zoo/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/detectron2/model_zoo/__init__.py -------------------------------------------------------------------------------- /detectron2-0.2.1/detectron2/model_zoo/model_zoo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/detectron2/model_zoo/model_zoo.py -------------------------------------------------------------------------------- /detectron2-0.2.1/detectron2/modeling/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/detectron2/modeling/__init__.py -------------------------------------------------------------------------------- /detectron2-0.2.1/detectron2/modeling/backbone/build.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/detectron2/modeling/backbone/build.py -------------------------------------------------------------------------------- /detectron2-0.2.1/detectron2/modeling/backbone/fpn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/detectron2/modeling/backbone/fpn.py -------------------------------------------------------------------------------- /detectron2-0.2.1/detectron2/modeling/backbone/maxvit.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/detectron2/modeling/backbone/maxvit.py -------------------------------------------------------------------------------- /detectron2-0.2.1/detectron2/modeling/backbone/resnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/detectron2/modeling/backbone/resnet.py -------------------------------------------------------------------------------- /detectron2-0.2.1/detectron2/modeling/box_regression.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/detectron2/modeling/box_regression.py -------------------------------------------------------------------------------- /detectron2-0.2.1/detectron2/modeling/matcher.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/detectron2/modeling/matcher.py -------------------------------------------------------------------------------- /detectron2-0.2.1/detectron2/modeling/meta_arch/build.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/detectron2/modeling/meta_arch/build.py -------------------------------------------------------------------------------- /detectron2-0.2.1/detectron2/modeling/meta_arch/rcnn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/detectron2/modeling/meta_arch/rcnn.py -------------------------------------------------------------------------------- /detectron2-0.2.1/detectron2/modeling/poolers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/detectron2/modeling/poolers.py -------------------------------------------------------------------------------- /detectron2-0.2.1/detectron2/modeling/postprocessing.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/detectron2/modeling/postprocessing.py -------------------------------------------------------------------------------- /detectron2-0.2.1/detectron2/modeling/sampling.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/detectron2/modeling/sampling.py -------------------------------------------------------------------------------- /detectron2-0.2.1/detectron2/solver/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/detectron2/solver/__init__.py -------------------------------------------------------------------------------- /detectron2-0.2.1/detectron2/solver/build.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/detectron2/solver/build.py -------------------------------------------------------------------------------- /detectron2-0.2.1/detectron2/solver/lr_scheduler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/detectron2/solver/lr_scheduler.py -------------------------------------------------------------------------------- /detectron2-0.2.1/detectron2/structures/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/detectron2/structures/__init__.py -------------------------------------------------------------------------------- /detectron2-0.2.1/detectron2/structures/boxes.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/detectron2/structures/boxes.py -------------------------------------------------------------------------------- /detectron2-0.2.1/detectron2/structures/image_list.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/detectron2/structures/image_list.py -------------------------------------------------------------------------------- /detectron2-0.2.1/detectron2/structures/instances.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/detectron2/structures/instances.py -------------------------------------------------------------------------------- /detectron2-0.2.1/detectron2/structures/keypoints.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/detectron2/structures/keypoints.py -------------------------------------------------------------------------------- /detectron2-0.2.1/detectron2/structures/masks.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/detectron2/structures/masks.py -------------------------------------------------------------------------------- /detectron2-0.2.1/detectron2/structures/rotated_boxes.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/detectron2/structures/rotated_boxes.py -------------------------------------------------------------------------------- /detectron2-0.2.1/detectron2/utils/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/detectron2/utils/README.md -------------------------------------------------------------------------------- /detectron2-0.2.1/detectron2/utils/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved 2 | -------------------------------------------------------------------------------- /detectron2-0.2.1/detectron2/utils/analysis.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/detectron2/utils/analysis.py -------------------------------------------------------------------------------- /detectron2-0.2.1/detectron2/utils/collect_env.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/detectron2/utils/collect_env.py -------------------------------------------------------------------------------- /detectron2-0.2.1/detectron2/utils/colormap.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/detectron2/utils/colormap.py -------------------------------------------------------------------------------- /detectron2-0.2.1/detectron2/utils/comm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/detectron2/utils/comm.py -------------------------------------------------------------------------------- /detectron2-0.2.1/detectron2/utils/env.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/detectron2/utils/env.py -------------------------------------------------------------------------------- /detectron2-0.2.1/detectron2/utils/events.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/detectron2/utils/events.py -------------------------------------------------------------------------------- /detectron2-0.2.1/detectron2/utils/logger.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/detectron2/utils/logger.py -------------------------------------------------------------------------------- /detectron2-0.2.1/detectron2/utils/memory.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/detectron2/utils/memory.py -------------------------------------------------------------------------------- /detectron2-0.2.1/detectron2/utils/registry.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/detectron2/utils/registry.py -------------------------------------------------------------------------------- /detectron2-0.2.1/detectron2/utils/serialize.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/detectron2/utils/serialize.py -------------------------------------------------------------------------------- /detectron2-0.2.1/detectron2/utils/video_visualizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/detectron2/utils/video_visualizer.py -------------------------------------------------------------------------------- /detectron2-0.2.1/detectron2/utils/visualizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/detectron2/utils/visualizer.py -------------------------------------------------------------------------------- /detectron2-0.2.1/dev/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/dev/README.md -------------------------------------------------------------------------------- /detectron2-0.2.1/dev/linter.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/dev/linter.sh -------------------------------------------------------------------------------- /detectron2-0.2.1/dev/packaging/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/dev/packaging/README.md -------------------------------------------------------------------------------- /detectron2-0.2.1/dev/packaging/build_all_wheels.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/dev/packaging/build_all_wheels.sh -------------------------------------------------------------------------------- /detectron2-0.2.1/dev/packaging/build_wheel.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/dev/packaging/build_wheel.sh -------------------------------------------------------------------------------- /detectron2-0.2.1/dev/packaging/gen_install_table.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/dev/packaging/gen_install_table.py -------------------------------------------------------------------------------- /detectron2-0.2.1/dev/packaging/gen_wheel_index.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/dev/packaging/gen_wheel_index.sh -------------------------------------------------------------------------------- /detectron2-0.2.1/dev/packaging/pkg_helpers.bash: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/dev/packaging/pkg_helpers.bash -------------------------------------------------------------------------------- /detectron2-0.2.1/dev/parse_results.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/dev/parse_results.sh -------------------------------------------------------------------------------- /detectron2-0.2.1/dev/run_inference_tests.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/dev/run_inference_tests.sh -------------------------------------------------------------------------------- /detectron2-0.2.1/dev/run_instant_tests.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/dev/run_instant_tests.sh -------------------------------------------------------------------------------- /detectron2-0.2.1/docker/Dockerfile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/docker/Dockerfile -------------------------------------------------------------------------------- /detectron2-0.2.1/docker/Dockerfile-circleci: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/docker/Dockerfile-circleci -------------------------------------------------------------------------------- /detectron2-0.2.1/docker/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/docker/README.md -------------------------------------------------------------------------------- /detectron2-0.2.1/docker/docker-compose.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/docker/docker-compose.yml -------------------------------------------------------------------------------- /detectron2-0.2.1/docs/.gitignore: -------------------------------------------------------------------------------- 1 | _build 2 | -------------------------------------------------------------------------------- /detectron2-0.2.1/docs/Makefile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/docs/Makefile -------------------------------------------------------------------------------- /detectron2-0.2.1/docs/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/docs/README.md -------------------------------------------------------------------------------- /detectron2-0.2.1/docs/_static/css/custom.css: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/docs/_static/css/custom.css -------------------------------------------------------------------------------- /detectron2-0.2.1/docs/conf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/docs/conf.py -------------------------------------------------------------------------------- /detectron2-0.2.1/docs/index.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/docs/index.rst -------------------------------------------------------------------------------- /detectron2-0.2.1/docs/modules/checkpoint.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/docs/modules/checkpoint.rst -------------------------------------------------------------------------------- /detectron2-0.2.1/docs/modules/config.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/docs/modules/config.rst -------------------------------------------------------------------------------- /detectron2-0.2.1/docs/modules/data.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/docs/modules/data.rst -------------------------------------------------------------------------------- /detectron2-0.2.1/docs/modules/engine.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/docs/modules/engine.rst -------------------------------------------------------------------------------- /detectron2-0.2.1/docs/modules/evaluation.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/docs/modules/evaluation.rst -------------------------------------------------------------------------------- /detectron2-0.2.1/docs/modules/export.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/docs/modules/export.rst -------------------------------------------------------------------------------- /detectron2-0.2.1/docs/modules/index.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/docs/modules/index.rst -------------------------------------------------------------------------------- /detectron2-0.2.1/docs/modules/layers.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/docs/modules/layers.rst -------------------------------------------------------------------------------- /detectron2-0.2.1/docs/modules/model_zoo.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/docs/modules/model_zoo.rst -------------------------------------------------------------------------------- /detectron2-0.2.1/docs/modules/modeling.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/docs/modules/modeling.rst -------------------------------------------------------------------------------- /detectron2-0.2.1/docs/modules/solver.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/docs/modules/solver.rst -------------------------------------------------------------------------------- /detectron2-0.2.1/docs/modules/structures.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/docs/modules/structures.rst -------------------------------------------------------------------------------- /detectron2-0.2.1/docs/modules/utils.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/docs/modules/utils.rst -------------------------------------------------------------------------------- /detectron2-0.2.1/docs/notes/benchmarks.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/docs/notes/benchmarks.md -------------------------------------------------------------------------------- /detectron2-0.2.1/docs/notes/changelog.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/docs/notes/changelog.md -------------------------------------------------------------------------------- /detectron2-0.2.1/docs/notes/compatibility.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/docs/notes/compatibility.md -------------------------------------------------------------------------------- /detectron2-0.2.1/docs/notes/contributing.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/docs/notes/contributing.md -------------------------------------------------------------------------------- /detectron2-0.2.1/docs/notes/index.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/docs/notes/index.rst -------------------------------------------------------------------------------- /detectron2-0.2.1/docs/tutorials/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/docs/tutorials/README.md -------------------------------------------------------------------------------- /detectron2-0.2.1/docs/tutorials/builtin_datasets.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/docs/tutorials/builtin_datasets.md -------------------------------------------------------------------------------- /detectron2-0.2.1/docs/tutorials/configs.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/docs/tutorials/configs.md -------------------------------------------------------------------------------- /detectron2-0.2.1/docs/tutorials/data_loading.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/docs/tutorials/data_loading.md -------------------------------------------------------------------------------- /detectron2-0.2.1/docs/tutorials/datasets.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/docs/tutorials/datasets.md -------------------------------------------------------------------------------- /detectron2-0.2.1/docs/tutorials/deployment.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/docs/tutorials/deployment.md -------------------------------------------------------------------------------- /detectron2-0.2.1/docs/tutorials/evaluation.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/docs/tutorials/evaluation.md -------------------------------------------------------------------------------- /detectron2-0.2.1/docs/tutorials/extend.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/docs/tutorials/extend.md -------------------------------------------------------------------------------- /detectron2-0.2.1/docs/tutorials/getting_started.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/docs/tutorials/getting_started.md -------------------------------------------------------------------------------- /detectron2-0.2.1/docs/tutorials/index.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/docs/tutorials/index.rst -------------------------------------------------------------------------------- /detectron2-0.2.1/docs/tutorials/install.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/docs/tutorials/install.md -------------------------------------------------------------------------------- /detectron2-0.2.1/docs/tutorials/models.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/docs/tutorials/models.md -------------------------------------------------------------------------------- /detectron2-0.2.1/docs/tutorials/training.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/docs/tutorials/training.md -------------------------------------------------------------------------------- /detectron2-0.2.1/docs/tutorials/write-models.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/docs/tutorials/write-models.md -------------------------------------------------------------------------------- /detectron2-0.2.1/projects/DeepLab/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/projects/DeepLab/README.md -------------------------------------------------------------------------------- /detectron2-0.2.1/projects/DeepLab/deeplab/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/projects/DeepLab/deeplab/__init__.py -------------------------------------------------------------------------------- /detectron2-0.2.1/projects/DeepLab/deeplab/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/projects/DeepLab/deeplab/config.py -------------------------------------------------------------------------------- /detectron2-0.2.1/projects/DeepLab/deeplab/loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/projects/DeepLab/deeplab/loss.py -------------------------------------------------------------------------------- /detectron2-0.2.1/projects/DeepLab/deeplab/resnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/projects/DeepLab/deeplab/resnet.py -------------------------------------------------------------------------------- /detectron2-0.2.1/projects/DeepLab/train_net.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/projects/DeepLab/train_net.py -------------------------------------------------------------------------------- /detectron2-0.2.1/projects/DensePose/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/projects/DensePose/README.md -------------------------------------------------------------------------------- /detectron2-0.2.1/projects/DensePose/apply_net.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/projects/DensePose/apply_net.py -------------------------------------------------------------------------------- /detectron2-0.2.1/projects/DensePose/densepose/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/projects/DensePose/densepose/config.py -------------------------------------------------------------------------------- /detectron2-0.2.1/projects/DensePose/dev/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/projects/DensePose/dev/README.md -------------------------------------------------------------------------------- /detectron2-0.2.1/projects/DensePose/doc/MODEL_ZOO.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/projects/DensePose/doc/MODEL_ZOO.md -------------------------------------------------------------------------------- /detectron2-0.2.1/projects/DensePose/query_db.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/projects/DensePose/query_db.py -------------------------------------------------------------------------------- /detectron2-0.2.1/projects/DensePose/tests/common.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/projects/DensePose/tests/common.py -------------------------------------------------------------------------------- /detectron2-0.2.1/projects/DensePose/tests/test_setup.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/projects/DensePose/tests/test_setup.py -------------------------------------------------------------------------------- /detectron2-0.2.1/projects/DensePose/train_net.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/projects/DensePose/train_net.py -------------------------------------------------------------------------------- /detectron2-0.2.1/projects/PointRend/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/projects/PointRend/README.md -------------------------------------------------------------------------------- /detectron2-0.2.1/projects/PointRend/train_net.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/projects/PointRend/train_net.py -------------------------------------------------------------------------------- /detectron2-0.2.1/projects/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/projects/README.md -------------------------------------------------------------------------------- /detectron2-0.2.1/projects/TensorMask/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/projects/TensorMask/README.md -------------------------------------------------------------------------------- /detectron2-0.2.1/projects/TensorMask/setup.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/projects/TensorMask/setup.py -------------------------------------------------------------------------------- /detectron2-0.2.1/projects/TensorMask/tensormask/arch.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/projects/TensorMask/tensormask/arch.py -------------------------------------------------------------------------------- /detectron2-0.2.1/projects/TensorMask/tests/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved 2 | -------------------------------------------------------------------------------- /detectron2-0.2.1/projects/TensorMask/train_net.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/projects/TensorMask/train_net.py -------------------------------------------------------------------------------- /detectron2-0.2.1/projects/TridentNet/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/projects/TridentNet/README.md -------------------------------------------------------------------------------- /detectron2-0.2.1/projects/TridentNet/train_net.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/projects/TridentNet/train_net.py -------------------------------------------------------------------------------- /detectron2-0.2.1/setup.cfg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/setup.cfg -------------------------------------------------------------------------------- /detectron2-0.2.1/setup.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/setup.py -------------------------------------------------------------------------------- /detectron2-0.2.1/tests/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/tests/README.md -------------------------------------------------------------------------------- /detectron2-0.2.1/tests/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved 2 | -------------------------------------------------------------------------------- /detectron2-0.2.1/tests/data/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /detectron2-0.2.1/tests/data/test_coco.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/tests/data/test_coco.py -------------------------------------------------------------------------------- /detectron2-0.2.1/tests/data/test_coco_evaluation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/tests/data/test_coco_evaluation.py -------------------------------------------------------------------------------- /detectron2-0.2.1/tests/data/test_detection_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/tests/data/test_detection_utils.py -------------------------------------------------------------------------------- /detectron2-0.2.1/tests/data/test_rotation_transform.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/tests/data/test_rotation_transform.py -------------------------------------------------------------------------------- /detectron2-0.2.1/tests/data/test_sampler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/tests/data/test_sampler.py -------------------------------------------------------------------------------- /detectron2-0.2.1/tests/data/test_transforms.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/tests/data/test_transforms.py -------------------------------------------------------------------------------- /detectron2-0.2.1/tests/layers/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /detectron2-0.2.1/tests/layers/test_mask_ops.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/tests/layers/test_mask_ops.py -------------------------------------------------------------------------------- /detectron2-0.2.1/tests/layers/test_nms.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/tests/layers/test_nms.py -------------------------------------------------------------------------------- /detectron2-0.2.1/tests/layers/test_nms_rotated.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/tests/layers/test_nms_rotated.py -------------------------------------------------------------------------------- /detectron2-0.2.1/tests/layers/test_roi_align.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/tests/layers/test_roi_align.py -------------------------------------------------------------------------------- /detectron2-0.2.1/tests/layers/test_roi_align_rotated.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/tests/layers/test_roi_align_rotated.py -------------------------------------------------------------------------------- /detectron2-0.2.1/tests/modeling/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /detectron2-0.2.1/tests/modeling/test_fast_rcnn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/tests/modeling/test_fast_rcnn.py -------------------------------------------------------------------------------- /detectron2-0.2.1/tests/modeling/test_matcher.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/tests/modeling/test_matcher.py -------------------------------------------------------------------------------- /detectron2-0.2.1/tests/modeling/test_model_e2e.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/tests/modeling/test_model_e2e.py -------------------------------------------------------------------------------- /detectron2-0.2.1/tests/modeling/test_roi_heads.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/tests/modeling/test_roi_heads.py -------------------------------------------------------------------------------- /detectron2-0.2.1/tests/modeling/test_roi_pooler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/tests/modeling/test_roi_pooler.py -------------------------------------------------------------------------------- /detectron2-0.2.1/tests/modeling/test_rpn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/tests/modeling/test_rpn.py -------------------------------------------------------------------------------- /detectron2-0.2.1/tests/structures/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /detectron2-0.2.1/tests/structures/test_boxes.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/tests/structures/test_boxes.py -------------------------------------------------------------------------------- /detectron2-0.2.1/tests/structures/test_imagelist.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/tests/structures/test_imagelist.py -------------------------------------------------------------------------------- /detectron2-0.2.1/tests/structures/test_instances.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/tests/structures/test_instances.py -------------------------------------------------------------------------------- /detectron2-0.2.1/tests/structures/test_rotated_boxes.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/tests/structures/test_rotated_boxes.py -------------------------------------------------------------------------------- /detectron2-0.2.1/tests/test_checkpoint.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/tests/test_checkpoint.py -------------------------------------------------------------------------------- /detectron2-0.2.1/tests/test_config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/tests/test_config.py -------------------------------------------------------------------------------- /detectron2-0.2.1/tests/test_engine.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/tests/test_engine.py -------------------------------------------------------------------------------- /detectron2-0.2.1/tests/test_export_caffe2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/tests/test_export_caffe2.py -------------------------------------------------------------------------------- /detectron2-0.2.1/tests/test_model_analysis.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/tests/test_model_analysis.py -------------------------------------------------------------------------------- /detectron2-0.2.1/tests/test_model_zoo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/tests/test_model_zoo.py -------------------------------------------------------------------------------- /detectron2-0.2.1/tests/test_visualizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/tests/test_visualizer.py -------------------------------------------------------------------------------- /detectron2-0.2.1/tools/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/tools/README.md -------------------------------------------------------------------------------- /detectron2-0.2.1/tools/analyze_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/tools/analyze_model.py -------------------------------------------------------------------------------- /detectron2-0.2.1/tools/benchmark.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/tools/benchmark.py -------------------------------------------------------------------------------- /detectron2-0.2.1/tools/convert-torchvision-to-d2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/tools/convert-torchvision-to-d2.py -------------------------------------------------------------------------------- /detectron2-0.2.1/tools/deploy/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/tools/deploy/README.md -------------------------------------------------------------------------------- /detectron2-0.2.1/tools/deploy/caffe2_converter.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/tools/deploy/caffe2_converter.py -------------------------------------------------------------------------------- /detectron2-0.2.1/tools/deploy/caffe2_mask_rcnn.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/tools/deploy/caffe2_mask_rcnn.cpp -------------------------------------------------------------------------------- /detectron2-0.2.1/tools/plain_train_net.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/tools/plain_train_net.py -------------------------------------------------------------------------------- /detectron2-0.2.1/tools/train_net.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/tools/train_net.py -------------------------------------------------------------------------------- /detectron2-0.2.1/tools/visualize_data.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/tools/visualize_data.py -------------------------------------------------------------------------------- /detectron2-0.2.1/tools/visualize_json_results.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/detectron2-0.2.1/tools/visualize_json_results.py -------------------------------------------------------------------------------- /engine.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/engine.py -------------------------------------------------------------------------------- /evaluation/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/__init__.py -------------------------------------------------------------------------------- /evaluation/evaluation_ic15.zip: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/evaluation_ic15.zip -------------------------------------------------------------------------------- /evaluation/gt_ctw1500.zip: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/gt_ctw1500.zip -------------------------------------------------------------------------------- /evaluation/gt_icdar2015.zip: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/gt_icdar2015.zip -------------------------------------------------------------------------------- /evaluation/gt_totaltext.zip: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/gt_totaltext.zip -------------------------------------------------------------------------------- /evaluation/lexicon_procesor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicon_procesor.py -------------------------------------------------------------------------------- /evaluation/lexicons/ctw1500/ctw1500_lexicon.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ctw1500/ctw1500_lexicon.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ctw1500/ctw1500_pair_list.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ctw1500/ctw1500_pair_list.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/GenericVocabulary.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/GenericVocabulary.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/GenericVocabulary_new.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/GenericVocabulary_new.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/ch4_test_vocabulary.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/ch4_test_vocabulary.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/ch4_test_vocabulary_new.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/ch4_test_vocabulary_new.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_1.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_1.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_10.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_10.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_100.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_100.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_101.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_101.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_102.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_102.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_103.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_103.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_104.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_104.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_105.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_105.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_106.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_106.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_107.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_107.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_108.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_108.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_109.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_109.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_11.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_11.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_110.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_110.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_111.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_111.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_112.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_112.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_113.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_113.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_114.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_114.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_115.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_115.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_116.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_116.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_117.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_117.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_118.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_118.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_119.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_119.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_12.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_12.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_120.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_120.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_121.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_121.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_122.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_122.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_123.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_123.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_124.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_124.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_125.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_125.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_126.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_126.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_127.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_127.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_128.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_128.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_129.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_129.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_13.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_13.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_130.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_130.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_131.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_131.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_132.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_132.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_133.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_133.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_134.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_134.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_135.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_135.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_136.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_136.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_137.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_137.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_138.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_138.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_139.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_139.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_14.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_14.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_140.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_140.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_141.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_141.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_142.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_142.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_143.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_143.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_144.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_144.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_145.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_145.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_146.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_146.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_147.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_147.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_148.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_148.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_149.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_149.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_15.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_15.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_150.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_150.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_151.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_151.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_152.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_152.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_153.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_153.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_154.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_154.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_155.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_155.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_156.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_156.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_157.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_157.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_158.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_158.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_159.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_159.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_16.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_16.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_160.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_160.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_161.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_161.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_162.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_162.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_163.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_163.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_164.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_164.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_165.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_165.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_166.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_166.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_167.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_167.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_168.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_168.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_169.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_169.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_17.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_17.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_170.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_170.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_171.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_171.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_172.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_172.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_173.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_173.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_174.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_174.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_175.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_175.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_176.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_176.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_177.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_177.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_178.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_178.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_179.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_179.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_18.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_18.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_180.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_180.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_181.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_181.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_182.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_182.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_183.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_183.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_184.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_184.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_185.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_185.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_186.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_186.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_187.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_187.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_188.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_188.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_189.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_189.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_19.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_19.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_190.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_190.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_191.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_191.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_192.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_192.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_193.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_193.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_194.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_194.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_195.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_195.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_196.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_196.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_197.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_197.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_198.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_198.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_199.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_199.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_2.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_2.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_20.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_20.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_200.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_200.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_201.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_201.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_202.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_202.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_203.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_203.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_204.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_204.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_205.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_205.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_206.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_206.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_207.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_207.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_208.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_208.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_209.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_209.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_21.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_21.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_210.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_210.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_211.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_211.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_212.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_212.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_213.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_213.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_214.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_214.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_215.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_215.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_216.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_216.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_217.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_217.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_218.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_218.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_219.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_219.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_22.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_22.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_220.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_220.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_221.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_221.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_222.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_222.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_223.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_223.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_224.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_224.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_225.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_225.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_226.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_226.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_227.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_227.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_228.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_228.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_229.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_229.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_23.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_23.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_230.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_230.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_231.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_231.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_232.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_232.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_233.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_233.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_234.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_234.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_235.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_235.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_236.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_236.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_237.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_237.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_238.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_238.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_239.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_239.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_24.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_24.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_240.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_240.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_241.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_241.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_242.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_242.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_243.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_243.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_244.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_244.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_245.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_245.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_246.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_246.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_247.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_247.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_248.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_248.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_249.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_249.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_25.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_25.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_250.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_250.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_251.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_251.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_252.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_252.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_253.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_253.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_254.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_254.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_255.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_255.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_256.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_256.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_257.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_257.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_258.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_258.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_259.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_259.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_26.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_26.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_260.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_260.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_261.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_261.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_262.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_262.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_263.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_263.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_264.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_264.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_265.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_265.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_266.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_266.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_267.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_267.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_268.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_268.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_269.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_269.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_27.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_27.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_270.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_270.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_271.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_271.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_272.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_272.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_273.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_273.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_274.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_274.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_275.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_275.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_276.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_276.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_277.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_277.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_278.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_278.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_279.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_279.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_28.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_28.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_280.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_280.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_281.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_281.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_282.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_282.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_283.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_283.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_284.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_284.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_285.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_285.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_286.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_286.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_287.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_287.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_288.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_288.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_289.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_289.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_29.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_29.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_290.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_290.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_291.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_291.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_292.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_292.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_293.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_293.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_294.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_294.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_295.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_295.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_296.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_296.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_297.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_297.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_298.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_298.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_299.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_299.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_3.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_3.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_30.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_30.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_300.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_300.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_301.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_301.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_302.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_302.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_303.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_303.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_304.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_304.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_305.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_305.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_306.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_306.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_307.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_307.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_308.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_308.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_309.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_309.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_31.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_31.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_310.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_310.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_311.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_311.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_312.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_312.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_313.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_313.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_314.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_314.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_315.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_315.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_316.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_316.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_317.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_317.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_318.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_318.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_319.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_319.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_32.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_32.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_320.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_320.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_321.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_321.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_322.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_322.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_323.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_323.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_324.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_324.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_325.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_325.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_326.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_326.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_327.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_327.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_328.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_328.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_329.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_329.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_33.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_33.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_330.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_330.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_331.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_331.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_332.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_332.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_333.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_333.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_334.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_334.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_335.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_335.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_336.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_336.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_337.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_337.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_338.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_338.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_339.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_339.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_34.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_34.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_340.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_340.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_341.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_341.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_342.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_342.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_343.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_343.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_344.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_344.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_345.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_345.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_346.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_346.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_347.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_347.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_348.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_348.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_349.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_349.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_35.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_35.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_350.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_350.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_351.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_351.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_352.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_352.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_353.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_353.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_354.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_354.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_355.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_355.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_356.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_356.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_357.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_357.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_358.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_358.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_359.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_359.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_36.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_36.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_360.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_360.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_361.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_361.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_362.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_362.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_363.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_363.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_364.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_364.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_365.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_365.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_366.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_366.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_367.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_367.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_368.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_368.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_369.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_369.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_37.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_37.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_370.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_370.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_371.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_371.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_372.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_372.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_373.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_373.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_374.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_374.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_375.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_375.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_376.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_376.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_377.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_377.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_378.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_378.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_379.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_379.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_38.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_38.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_380.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_380.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_381.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_381.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_382.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_382.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_383.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_383.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_384.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_384.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_385.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_385.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_386.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_386.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_387.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_387.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_388.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_388.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_389.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_389.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_39.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_39.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_390.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_390.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_391.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_391.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_392.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_392.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_393.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_393.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_394.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_394.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_395.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_395.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_396.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_396.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_397.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_397.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_398.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_398.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_399.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_399.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_4.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_4.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_40.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_40.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_400.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_400.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_401.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_401.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_402.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_402.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_403.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_403.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_404.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_404.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_405.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_405.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_406.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_406.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_407.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_407.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_408.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_408.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_409.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_409.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_41.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_41.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_410.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_410.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_411.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_411.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_412.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_412.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_413.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_413.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_414.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_414.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_415.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_415.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_416.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_416.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_417.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_417.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_418.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_418.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_419.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_419.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_42.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_42.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_420.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_420.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_421.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_421.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_422.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_422.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_423.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_423.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_424.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_424.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_425.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_425.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_426.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_426.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_427.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_427.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_428.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_428.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_429.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_429.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_43.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_43.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_430.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_430.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_431.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_431.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_432.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_432.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_433.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_433.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_434.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_434.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_435.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_435.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_436.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_436.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_437.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_437.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_438.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_438.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_439.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_439.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_44.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_44.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_440.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_440.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_441.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_441.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_442.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_442.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_443.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_443.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_444.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_444.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_445.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_445.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_446.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_446.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_447.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_447.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_448.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_448.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_449.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_449.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_45.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_45.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_450.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_450.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_451.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_451.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_452.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_452.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_453.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_453.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_454.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_454.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_455.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_455.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_456.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_456.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_457.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_457.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_458.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_458.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_459.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_459.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_46.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_46.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_5.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_5.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_6.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_6.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_7.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_7.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_8.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_8.txt -------------------------------------------------------------------------------- /evaluation/lexicons/ic15/strong_lexicon/voc_img_9.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/ic15/strong_lexicon/voc_img_9.txt -------------------------------------------------------------------------------- /evaluation/lexicons/totaltext/tt_lexicon.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/totaltext/tt_lexicon.txt -------------------------------------------------------------------------------- /evaluation/lexicons/totaltext/tt_pair_list.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/totaltext/tt_pair_list.txt -------------------------------------------------------------------------------- /evaluation/lexicons/totaltext/weak_voc_new.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/totaltext/weak_voc_new.txt -------------------------------------------------------------------------------- /evaluation/lexicons/totaltext/weak_voc_pair_list.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/lexicons/totaltext/weak_voc_pair_list.txt -------------------------------------------------------------------------------- /evaluation/rrc_evaluation_funcs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/rrc_evaluation_funcs.py -------------------------------------------------------------------------------- /evaluation/rrc_evaluation_funcs_ic15.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/rrc_evaluation_funcs_ic15.py -------------------------------------------------------------------------------- /evaluation/text_eval_script.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/text_eval_script.py -------------------------------------------------------------------------------- /evaluation/text_eval_script_ic15.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/text_eval_script_ic15.py -------------------------------------------------------------------------------- /evaluation/text_evaluation_all.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/evaluation/text_evaluation_all.py -------------------------------------------------------------------------------- /figs/overall.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/figs/overall.png -------------------------------------------------------------------------------- /figs/results.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/figs/results.png -------------------------------------------------------------------------------- /main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/main.py -------------------------------------------------------------------------------- /models/.DS_Store: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/models/.DS_Store -------------------------------------------------------------------------------- /models/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/models/__init__.py -------------------------------------------------------------------------------- /models/ests/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/models/ests/__init__.py -------------------------------------------------------------------------------- /models/ests/attention.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/models/ests/attention.py -------------------------------------------------------------------------------- /models/ests/backbone.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/models/ests/backbone.py -------------------------------------------------------------------------------- /models/ests/deformable_transformer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/models/ests/deformable_transformer.py -------------------------------------------------------------------------------- /models/ests/dn_components.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/models/ests/dn_components.py -------------------------------------------------------------------------------- /models/ests/ests.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/models/ests/ests.py -------------------------------------------------------------------------------- /models/ests/matcher.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/models/ests/matcher.py -------------------------------------------------------------------------------- /models/ests/ops/functions/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/models/ests/ops/functions/__init__.py -------------------------------------------------------------------------------- /models/ests/ops/functions/ms_deform_attn_func.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/models/ests/ops/functions/ms_deform_attn_func.py -------------------------------------------------------------------------------- /models/ests/ops/make.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/models/ests/ops/make.sh -------------------------------------------------------------------------------- /models/ests/ops/modules/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/models/ests/ops/modules/__init__.py -------------------------------------------------------------------------------- /models/ests/ops/modules/ms_deform_attn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/models/ests/ops/modules/ms_deform_attn.py -------------------------------------------------------------------------------- /models/ests/ops/setup.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/models/ests/ops/setup.py -------------------------------------------------------------------------------- /models/ests/ops/src/cpu/ms_deform_attn_cpu.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/models/ests/ops/src/cpu/ms_deform_attn_cpu.cpp -------------------------------------------------------------------------------- /models/ests/ops/src/cpu/ms_deform_attn_cpu.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/models/ests/ops/src/cpu/ms_deform_attn_cpu.h -------------------------------------------------------------------------------- /models/ests/ops/src/cuda/ms_deform_attn_cuda.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/models/ests/ops/src/cuda/ms_deform_attn_cuda.cu -------------------------------------------------------------------------------- /models/ests/ops/src/cuda/ms_deform_attn_cuda.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/models/ests/ops/src/cuda/ms_deform_attn_cuda.h -------------------------------------------------------------------------------- /models/ests/ops/src/cuda/ms_deform_im2col_cuda.cuh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/models/ests/ops/src/cuda/ms_deform_im2col_cuda.cuh -------------------------------------------------------------------------------- /models/ests/ops/src/ms_deform_attn.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/models/ests/ops/src/ms_deform_attn.h -------------------------------------------------------------------------------- /models/ests/ops/src/vision.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/models/ests/ops/src/vision.cpp -------------------------------------------------------------------------------- /models/ests/ops/test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/models/ests/ops/test.py -------------------------------------------------------------------------------- /models/ests/position_encoding.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/models/ests/position_encoding.py -------------------------------------------------------------------------------- /models/ests/segmentation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/models/ests/segmentation.py -------------------------------------------------------------------------------- /models/ests/swin_transformer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/models/ests/swin_transformer.py -------------------------------------------------------------------------------- /models/ests/transformer_deformable.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/models/ests/transformer_deformable.py -------------------------------------------------------------------------------- /models/ests/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/models/ests/utils.py -------------------------------------------------------------------------------- /models/registry.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/models/registry.py -------------------------------------------------------------------------------- /requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/requirements.txt -------------------------------------------------------------------------------- /run_with_submitit.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/run_with_submitit.py -------------------------------------------------------------------------------- /scripts/CTW1500_finetune.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/scripts/CTW1500_finetune.sh -------------------------------------------------------------------------------- /scripts/Chn/Finetune.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/scripts/Chn/Finetune.sh -------------------------------------------------------------------------------- /scripts/Chn/Pretrain.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/scripts/Chn/Pretrain.sh -------------------------------------------------------------------------------- /scripts/Joint_train.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/scripts/Joint_train.sh -------------------------------------------------------------------------------- /scripts/MLT/Finetune.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/scripts/MLT/Finetune.sh -------------------------------------------------------------------------------- /scripts/MLT/Pretrain.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/scripts/MLT/Pretrain.sh -------------------------------------------------------------------------------- /scripts/Pretrain.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/scripts/Pretrain.sh -------------------------------------------------------------------------------- /scripts/TT_finetune.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/scripts/TT_finetune.sh -------------------------------------------------------------------------------- /scripts/VinText/Finetune.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/scripts/VinText/Finetune.sh -------------------------------------------------------------------------------- /scripts/test.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/scripts/test.sh -------------------------------------------------------------------------------- /simhei.ttf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/simhei.ttf -------------------------------------------------------------------------------- /util/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved 2 | -------------------------------------------------------------------------------- /util/box_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/util/box_loss.py -------------------------------------------------------------------------------- /util/box_ops.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/util/box_ops.py -------------------------------------------------------------------------------- /util/get_param_dicts.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/util/get_param_dicts.py -------------------------------------------------------------------------------- /util/logger.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/util/logger.py -------------------------------------------------------------------------------- /util/misc.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/util/misc.py -------------------------------------------------------------------------------- /util/plot_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/util/plot_utils.py -------------------------------------------------------------------------------- /util/slconfig.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/util/slconfig.py -------------------------------------------------------------------------------- /util/slio.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/util/slio.py -------------------------------------------------------------------------------- /util/static_data_path.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/util/static_data_path.py -------------------------------------------------------------------------------- /util/time_counter.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/util/time_counter.py -------------------------------------------------------------------------------- /util/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/util/utils.py -------------------------------------------------------------------------------- /util/vis_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/util/vis_utils.py -------------------------------------------------------------------------------- /util/visualizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/util/visualizer.py -------------------------------------------------------------------------------- /vis.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/vis.py -------------------------------------------------------------------------------- /vis_chn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/vis_chn.py -------------------------------------------------------------------------------- /vis_vintext.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/mxin262/ESTextSpotter/HEAD/vis_vintext.py --------------------------------------------------------------------------------