Omnidirectional Scene Text Detection with Sequential-free Box Discretization (IJCAI 2019). Including competition model, online demo, etc.

Overview

Box_Discretization_Network

This repository is built on the pytorch [maskrcnn_benchmark]. The method is the foundation of our ReCTs-competition method [link], which won the championship.

PPT link [Google Drive][Baidu Cloud]

Generate your own JSON: [Google Drive][Baidu Cloud]

Brief introduction (in Chinese): [Google Drive][Baidu Cloud]

Competition related

Competition model and config files (it needs a lot of video memory):

  • Paper [Link] (Exploring the Capacity of Sequential-free Box Discretization Networkfor Omnidirectional Scene Text Detection)

  • Config file [BaiduYun Link]. Models below all use this config file except directory. Results below are the multi-scale ensemble results. The very details are described in our updated paper.

  • MLT 2017 Model [BaiduYun Link].

MLT 2017 Recall Precision Hmean
new 76.44 82.75 79.47
ReCTS Detection Recall Precision Hmean
new 93.97 92.76 93.36
HRSC_2016 Recall Precision Hmean TIoU-Hmean AP
IJCAI version 94.8 46.0 61.96 51.1 93.7
new 94.1 83.8 88.65 73.3 89.22
  • Online demo is updating (the old demo version used a wrong configuration). This demo uses the MLT model provided above. It can detect multi-lingual text but can only recognize English, Chinese, and most of the symbols.

Description

Please see our paper at [link].

The advantages:

  • BDN can directly produce compact quadrilateral detection box. (segmentation-based methods need additional steps to group pixels & such steps usually sensitive to outliers)
  • BDN can avoid label confusion (non-segmentation-based methods are mostly sensitive to label sequence, which can significantly undermine the detection result). Comparison on ICDAR 2015 dataset showing different methods’ ability of resistant to the label confusion issue (by adding rotated pseudo samples). Textboxes++, East, and CTD are all Sesitive-to-Label-Sequence methods.
Textboxes++ [code] East [code] CTD [code] Ours
Variances (Hmean) ↓ 9.7% ↓ 13.7% ↓ 24.6% ↑ 0.3%

Getting Started

A basic example for training and testing. This mini example offers a pure baseline that takes less than 4 hours (with 4 1080 ti) to finalize training with only official training data.

Install anaconda

Link:https://pan.baidu.com/s/1TGy6O3LBHGQFzC20yJo8tg psw:vggx

Step-by-step install

conda create --name mb
conda activate mb
conda install ipython
pip install ninja yacs cython matplotlib tqdm scipy shapely
conda install pytorch=1.0 torchvision=0.2 cudatoolkit=9.0 -c pytorch
conda install -c menpo opencv
export INSTALL_DIR=$PWD
cd $INSTALL_DIR
git clone https://github.com/cocodataset/cocoapi.git
cd cocoapi/PythonAPI
python setup.py build_ext install
cd $INSTALL_DIR
git clone https://github.com/Yuliang-Liu/Box_Discretization_Network.git
cd Box_Discretization_Network
python setup.py build develop
  • MUST USE torchvision=0.2

Pretrained model:

[Link] unzip under project_root

(This is ONLY an ImageNet Model With a few iterations on ic15 training data for a stable initialization)

ic15 data

Prepare data follow COCO format. [Link] unzip under datasets/

Train

After downloading data and pretrained model, run

bash quick_train_guide.sh

Test with [TIoU]

Run

bash my_test.sh

Put kes.json to ic15_TIoU_metric/ inside ic15_TIoU_metric/

Run (conda deactivate; pip install Polygon2)

python2 to_eval.py

Example results:

  • mask branch 79.4 (test segm.json by changing to_eval.py (line 10: mode=0) );
  • kes branch 80.4;
  • in .yaml, set RESCORING=True -> 80.8;
  • Set RESCORING=True and RESCORING_GAMA=0.8 -> 81.0;
  • One can try many other tricks such as CROP_PROB_TRAIN, ROTATE_PROB_TRAIN, USE_DEFORMABLE, DEFORMABLE_PSROIPOOLING, PNMS, MSR, PAN in the project, whcih were all tested effective to improve the results. To achieve state-of-the-art performance, extra data (syntext, MLT, etc.) and proper training strategies are necessary.

Visualization

Run

bash single_image_demo.sh

Citation

If you find our method useful for your reserach, please cite

@article{liu2019omnidirectional,
  title={Omnidirectional Scene Text Detection with Sequential-free Box Discretization},
  author={Liu, Yuliang and Zhang, Sheng and Jin, Lianwen and Xie, Lele and Wu, Yaqiang and Wang, Zhepeng},
  journal={IJCAI},
  year={2019}
}
@article{liu2019exploring,
  title={Exploring the Capacity of Sequential-free Box Discretization Network for Omnidirectional Scene Text Detection},
  author={Liu, Yuliang and He, Tong and Chen, Hao and Wang, Xinyu and Luo, Canjie and Zhang, Shuaitao and Shen, Chunhua and Jin, Lianwen},
  journal={arXiv preprint arXiv:1912.09629},
  year={2019}
}

Feedback

Suggestions and discussions are greatly welcome. Please contact the authors by sending email to [email protected] or [email protected]. For commercial usage, please contact Prof. Lianwen Jin via [email protected].

Comments
  • AttributeError: 'dict' object has no attribute 'resize'

    AttributeError: 'dict' object has no attribute 'resize'

    The target is a list and the target[0] is a dict. So the error is occur, but I don't realize where the source of this error and how to modify? The dataset is ic15.

    Screenshot from 2019-08-08 16-37-31

    opened by Huang9495 8
  • 评价方式

    评价方式

    作者你好,我最近在使用hrsc2016数据集,看到您论文在这个数据集的结果很高,所以跑了一下您的代码,发现几个问题需要请教您? 1、文中使用coco评估脚本,也就是说采用12的计算标准,而目前评估hrsc2016数据集都是用07标准的,12会比07高不少,论文这样比较是不是有失公平; 2、另外我发现在评估hrsc2016数据集的时候计算的是两个水平外接矩形的iou?这样会严重影响最后评估结果的可行度,如下图的例子: image

    希望作者不吝赐教。 @Yuliang-Liu

    opened by yangxue0827 6
  • Unable to training

    Unable to training

    2019-10-24 11:16:53,219 maskrcnn_benchmark.utils.checkpoint INFO: No checkpoint found. Initializing model from scratch loading annotations into memory... loading annotations into memory... Done (t=0.06s) creating index... index created! 2019-10-24 11:16:53,293 maskrcnn_benchmark.trainer INFO: Start training loading annotations into memory... Done (t=0.06s) creating index... index created! Done (t=0.06s) creating index... index created! loading annotations into memory... Done (t=0.07s) creating index... index created!

    hi, when training, after printing the log above, the program is finished, and the training is not started

    opened by lijun20 4
  • about The role of text segmentation branches

    about The role of text segmentation branches

    Hello, would you like to know how the text segmentation branch fine-tune the original prediction structure and how it interacts with ke head and bboxes branches to improve accuracy?

    opened by simplify23 4
  • When running [bash my_test.sh], I have an OpenCV issue.

    When running [bash my_test.sh], I have an OpenCV issue.

    Which version of OpenCV do you run?

    Thanks

    index created!
    2019-12-23 15:27:03,388 maskrcnn_benchmark.inference INFO: Start evaluation on ic15_test dataset(500 images).
      0%|                                                                                                                                          | 0/167 [00:00<?, ?it/s]THCudaCheck FAIL file=/pytorch/aten/src/THC/THCGeneral.cpp line=405 error=11 : invalid argument
    100%|████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████| 167/167 [01:03<00:00,  2.63it/s]
    2019-12-23 15:28:06,865 maskrcnn_benchmark.inference INFO: Total run time: 0:01:03.476810 (0.12695361995697022 s / img per device, on 1 devices)
    2019-12-23 15:28:06,866 maskrcnn_benchmark.inference INFO: Model inference time: 0:00:52.991849 (0.10598369789123535 s / img per device, on 1 devices)
    2019-12-23 15:28:07,013 maskrcnn_benchmark.inference INFO: Preparing results for COCO format
    2019-12-23 15:28:07,013 maskrcnn_benchmark.inference INFO: Preparing bbox results
    2019-12-23 15:28:07,119 maskrcnn_benchmark.inference INFO: Preparing segm results
    0it [00:00, ?it/s]
    Traceback (most recent call last):
      File "tools/test_net.py", line 99, in <module>
        main()
      File "tools/test_net.py", line 93, in main
        output_folder=output_folder,
      File "/home/premy/projects/Box_Discretization_Network/Box_Discretization_Network/maskrcnn_benchmark/engine/inference.py", line 129, in inference
        **extra_args)
      File "/home/premy/projects/Box_Discretization_Network/Box_Discretization_Network/maskrcnn_benchmark/data/datasets/evaluation/__init__.py", line 27, in evaluate
        return word_evaluation(**args)
      File "/home/premy/projects/Box_Discretization_Network/Box_Discretization_Network/maskrcnn_benchmark/data/datasets/evaluation/word/__init__.py", line 20, in word_evaluation
        expected_results_sigma_tol=expected_results_sigma_tol,
      File "/home/premy/projects/Box_Discretization_Network/Box_Discretization_Network/maskrcnn_benchmark/data/datasets/evaluation/word/word_eval.py", line 54, in do_coco_evaluation
        coco_results["segm"] = prepare_for_coco_segmentation(predictions, dataset)
      File "/home/premy/projects/Box_Discretization_Network/Box_Discretization_Network/maskrcnn_benchmark/data/datasets/evaluation/word/word_eval.py", line 176, in prepare_for_coco_segmentation
        rects = [mask_to_roRect(mask, [image_height, image_width]) for mask in masks]
      File "/home/premy/projects/Box_Discretization_Network/Box_Discretization_Network/maskrcnn_benchmark/data/datasets/evaluation/word/word_eval.py", line 176, in <listcomp>
        rects = [mask_to_roRect(mask, [image_height, image_width]) for mask in masks]
      File "/home/premy/projects/Box_Discretization_Network/Box_Discretization_Network/maskrcnn_benchmark/data/datasets/evaluation/word/word_eval.py", line 140, in mask_to_roRect
        _, countours, hier = cv2.findContours(e.clone().numpy(), cv2.RETR_CCOMP, cv2.CHAIN_APPROX_NONE) # Aarlog
    ValueError: not enough values to unpack (expected 3, got 2)
    
    opened by philipperemy 3
  • RuntimeError: copy_if failed to synchronize: device-side assert triggered

    RuntimeError: copy_if failed to synchronize: device-side assert triggered

    Hi author, when i use coco2017 data set to train, occur the below error: copy_if failed to synchronize: device-side assert triggered ; would you please give me some advice?

    /pytorch/aten/src/THCUNN/ClassNLLCriterion.cu:105: void cunn_ClassNLLCriterion_updateOutput_kernel(Dtype *, Dtype *, Dtype *, long *, Dtype *, int, int, int, int, long) [with Dtype = float, Acctype = float]: block: [0,0,0], thread: [26,0,0] Assertion `t >= 0 && t < n_classes` failed.
    Traceback (most recent call last):
      File "/home/kv/workspace/Box_Discretization_Network-master/tools/train_net.py", line 174, in <module>
        main()
      File "/home/kv/workspace/Box_Discretization_Network-master/tools/train_net.py", line 167, in main
        model = train(cfg, args.local_rank, args.distributed)
      File "/home/kv/workspace/Box_Discretization_Network-master/tools/train_net.py", line 73, in train
        arguments,
      File "/home/kv/workspace/Box_Discretization_Network-master/maskrcnn_benchmark/engine/trainer.py", line 70, in do_train
        loss_dict = model(images, targets)
      File "/home/kv/anaconda3/lib/python3.6/site-packages/torch/nn/modules/module.py", line 489, in __call__
        result = self.forward(*input, **kwargs)
      File "/home/kv/workspace/Box_Discretization_Network-master/maskrcnn_benchmark/modeling/detector/generalized_rcnn.py", line 56, in forward
        x, result, detector_losses = self.roi_heads(features, proposals, targets)
      File "/home/kv/anaconda3/lib/python3.6/site-packages/torch/nn/modules/module.py", line 489, in __call__
        result = self.forward(*input, **kwargs)
      File "/home/kv/workspace/Box_Discretization_Network-master/maskrcnn_benchmark/modeling/roi_heads/roi_heads.py", line 32, in forward
        x, detections, loss_box = self.box(features, proposals, targets)
      File "/home/kv/anaconda3/lib/python3.6/site-packages/torch/nn/modules/module.py", line 489, in __call__
        result = self.forward(*input, **kwargs)
      File "/home/kv/workspace/Box_Discretization_Network-master/maskrcnn_benchmark/modeling/roi_heads/box_head/box_head.py", line 56, in forward
        [class_logits], [box_regression]
      File "/home/kv/workspace/Box_Discretization_Network-master/maskrcnn_benchmark/modeling/roi_heads/box_head/loss.py", line 151, in __call__
        sampled_pos_inds_subset = torch.nonzero(labels > 0).squeeze(1)
    RuntimeError: copy_if failed to synchronize: device-side assert triggered
    

    the config.json is below:

    OUTPUT_DIR: "./output/r50_baseline"
    MODEL:
      META_ARCHITECTURE: "GeneralizedRCNN"
      WEIGHT: "/home/kv/data/fairy/r50_imagenet_pretrained.pth"
      BACKBONE:
        CONV_BODY: "R-50-FPN"
      RESNETS:
        BACKBONE_OUT_CHANNELS: 256
      RPN:
        USE_FPN: True
        ANCHOR_STRIDE: (4, 8, 16, 32, 64)
        ASPECT_RATIOS: (0.25, 0.5, 1.0, 2.0, 4.0)
      ROI_HEADS:
        USE_FPN: True
        SCORE_THRESH: 0.05
        NMS: 0.5
      ROI_BOX_HEAD:
        POOLER_RESOLUTION: 7
        POOLER_SCALES: (0.25, 0.125, 0.0625, 0.03125)
        POOLER_SAMPLING_RATIO: 2
        FEATURE_EXTRACTOR: "FPN2MLPFeatureExtractor"
        PREDICTOR: "FPNPredictor"
        NUM_CLASSES: 2
      MASK_ON: True
      ROI_MASK_HEAD:
        POOLER_SCALES: (0.25, 0.125, 0.0625, 0.03125)
        FEATURE_EXTRACTOR: "MaskRCNNFPNFeatureExtractor"
        PREDICTOR: "MaskRCNNC4Predictor"
        POOLER_RESOLUTION: 14
        POOLER_SAMPLING_RATIO: 2
        RESOLUTION: 28
        SHARE_BOX_FEATURE_EXTRACTOR: False
      # BDN KE
      KE_ON: True
      ROI_KE_HEAD:
        FEATURE_EXTRACTOR: "KERCNNFPNFeatureExtractor"
        POOLER_RESOLUTION: 14
        POOLER_SCALES: (0.25, 0.125, 0.0625, 0.03125)
        POOLER_SAMPLING_RATIO: 2
        PREDICTOR: "KERCNNC4Predictor"
        RESOLUTION: 56
        SHARE_BOX_FEATURE_EXTRACTOR: False
        NUM_KES: 8
        KE_WEIGHT: 0.1
        MTY_WEIGHT: 0.01
        POSTPROCESS_KES: True # Must be true 
        RESCORING: False
        RESCORING_GAMA: 1.4 # [0,2]
    PROCESS:
      PNMS: False
      NMS_THRESH: 0.2
    DATASETS:
      TRAIN: ("coco_2017_train", )
      TEST: ("coco_2017_val",)
    DATALOADER:
      SIZE_DIVISIBILITY: 32
    SOLVER:
      BASE_LR: 0.0001
      BIAS_LR_FACTOR: 2
      WEIGHT_DECAY: 0.0001
      STEPS: (10000, 15000)
      MAX_ITER: 20000
      IMS_PER_BATCH: 4
      CHECKPOINT_PERIOD: 2500
    INPUT:
      MIN_SIZE_TRAIN: (680,720,760,800,840,880,920,960,1000)
      MAX_SIZE_TRAIN: 1480
      MIN_SIZE_TEST:  1200
      MAX_SIZE_TEST: 1600
      CROP_PROB_TRAIN: 0.0 
      ROTATE_PROB_TRAIN: 0.0
      ROTATE_DEGREE: 15
    TEST:
      IMS_PER_BATCH: 3
    
    opened by 13438960761 3
  • data augmentation Issue

    data augmentation Issue

    When I trained the model ,using the dataset ic15 ,I get this error :

    Original Traceback (most recent call last): File "/home/.local/lib/python3.6/site-packages/torch/utils/data/_utils/worker.py", line 178, in _worker_loop data = fetcher.fetch(index) File "/home/.local/lib/python3.6/site-packages/torch/utils/data/_utils/fetch.py", line 44, in fetch data = [self.dataset[idx] for idx in possibly_batched_index] File "/home/.local/lib/python3.6/site-packages/torch/utils/data/_utils/fetch.py", line 44, in data = [self.dataset[idx] for idx in possibly_batched_index] File "/home/OCR/scene_text/Box_DN/maskrcnn_benchmark/data/datasets/word_dataset.py", line 64, in getitem img, anno = super(WordDataset, self).getitem(idx) File "/home/.local/lib/python3.6/site-packages/torchvision/datasets/coco.py", line 118, in getitem img, target = self.transforms(img, target) File "/home/OCR/scene_text/Box_DN/maskrcnn_benchmark/data/transforms/transforms.py", line 24, in call image, target = t(image, target) File "/home/dulin/OCR/scene_text/Box_DN/maskrcnn_benchmark/data/transforms/transforms.py", line 70, in call target = [t.resize(image.size) for t in target] File "/home/OCR/scene_text/Box_DN/maskrcnn_benchmark/data/transforms/transforms.py", line 70, in target = [t.resize(image.size) for t in target] AttributeError: 'dict' object has no attribute 'resize'

    I tracking the code ,I found the target was annotations , so I have no idea about this ,Any one have this problem ? and how to fixed this ? thanks .

    opened by 106279928 2
  • Segmentation fault

    Segmentation fault

    Thank you very much for sharing this code. can you help me with this error: CUDA_VISIBLE_DEVICES=0 python demo/test_single_image.py --min-image-size 1000 --config-file /gpu/wangbeibei/code/Box/configs/r50_baseline.yaml --output_dir /gpu/wangbeibei/code/Box/results/ --img /gpu/wangbeibei/code/Box/testimages image path /gpu/wangbeibei/code/Box/testimages/3.jpg Segmentation fault

    opened by summerwbb 2
  • Bug: item is boolean

    Bug: item is boolean

    in /workspace/sign/Box_Discretization_Network-master/maskrcnn_benchmark/structures/segmentation_mask.py:427

    selected_polygons.append(self.polygons[i])
    

    But i is always True

    I guess this is a bug?

    opened by Jarrome 1
  • bash single_image_demo.sh

    bash single_image_demo.sh

    Mention that we have to change the IDIR and ODIR in single_image_demo.sh before launching the script.

    Also, the output dir is not really created and the generated pictures show up in the main directory.

    -rw-rw-r--  1 premy premy 181K Dec 23 15:36 output_dir0000000.jpg
    -rw-rw-r--  1 premy premy 333K Dec 23 15:36 output_dir0000001.jpg
    

    Thanks

    opened by philipperemy 1
  • KES NOT FOUND

    KES NOT FOUND

    Traceback (most recent call last): File "tools/train_net.py", line 174, in main() File "tools/train_net.py", line 167, in main model = train(cfg, args.local_rank, args.distributed) File "tools/train_net.py", line 73, in train arguments, File "/home2/Jc/Box_Discretization_Network/maskrcnn_benchmark/engine/trainer.py", line 70, in do_train loss_dict = model(images, targets) File "/home2/Jc/anaconda3/envs/mb/lib/python3.7/site-packages/torch/nn/modules/module.py", line 489, in call result = self.forward(*input, **kwargs) File "/home2/Jc/Box_Discretization_Network/maskrcnn_benchmark/modeling/detector/generalized_rcnn.py", line 56, in forward x, result, detector_losses = self.roi_heads(features, proposals, targets) File "/home2/Jc/anaconda3/envs/mb/lib/python3.7/site-packages/torch/nn/modules/module.py", line 489, in call result = self.forward(*input, **kwargs) File "/home2/Jc/Box_Discretization_Network/maskrcnn_benchmark/modeling/roi_heads/roi_heads.py", line 71, in forward x, detections, loss_ke, loss_mty = self.ke(ke_features, detections, targets) File "/home2/Jc/anaconda3/envs/mb/lib/python3.7/site-packages/torch/nn/modules/module.py", line 489, in call result = self.forward(*input, **kwargs) File "/home2/Jc/Box_Discretization_Network/maskrcnn_benchmark/modeling/roi_heads/ke_head/ke_head.py", line 64, in forward proposals = self.loss_evaluator.subsample(proposals, targets) File "/home2/Jc/Box_Discretization_Network/maskrcnn_benchmark/modeling/roi_heads/ke_head/loss.py", line 107, in subsample labels, kes, mty = self.prepare_targets(proposals, targets) File "/home2/Jc/Box_Discretization_Network/maskrcnn_benchmark/modeling/roi_heads/ke_head/loss.py", line 68, in prepare_targets proposals_per_image, targets_per_image File "/home2/Jc/Box_Discretization_Network/maskrcnn_benchmark/modeling/roi_heads/ke_head/loss.py", line 53, in match_targets_to_proposals target = target.copy_with_fields(["labels", "kes", "mty"]) File "/home2/Jc/Box_Discretization_Network/maskrcnn_benchmark/structures/bounding_box.py", line 251, in copy_with_fields raise KeyError("Field '{}' not found in {}".format(field, self)) KeyError: "Field 'kes' not found in BoxList(num_boxes=5, image_width=1271, image_height=720, mode=xyxy)"

    HOW to solve this problem

    opened by Calen-J 1
  • How to use convert_to_BDN_sequence_free (1).py

    How to use convert_to_BDN_sequence_free (1).py

    i don't know how to use convert_to_BDN_sequence_free (1).py file . Do I need to execute the file according to the command below, and if so, does data refer to the path of the dataset that needs to be converted, so what does the train mean? image

    opened by huahuabai 0
  • fatal error: cuda_runtime_api.h: 没有那个文件或目录

    fatal error: cuda_runtime_api.h: 没有那个文件或目录

    运行 python setup.py build develop 时候,通过网络查看了可能是torch 和 cuda 版本不匹配,但还没有找到处理问题的方法

    具体报错: In file included from /home/rebot/anaconda3/envs/cwt_DeepLearning/lib/python3.7/site-packages/torch/include/ATen/cuda/CUDAContext.h:5:0, from /home/rebot/DeepLearning/Box_Discretization_Network-master/maskrcnn_benchmark/csrc/cpu/dcn_v2_cpu.cpp:4: /home/rebot/anaconda3/envs/cwt_DeepLearning/lib/python3.7/site-packages/torch/include/c10/cuda/CUDAStream.h:6:10: fatal error: cuda_runtime_api.h: 没有那个文件或目录 #include <cuda_runtime_api.h> ^~~~~~~~~~~~~~~~~~~~ compilation terminated. error: command 'gcc' failed with exit status 1

    请问大家发现这个问题的解决办法了吗?

    opened by cwt4007 0
  • Dataset conversion

    Dataset conversion

    Thank you for sharing this great work. I have been trying the dataset conversion script you posted. It is not working for IC15. I have one question. Can I use the ABCNeT data set format conversion for this repo? Thank you in advance for your time and kind response.

    opened by dikubab 0
  • About generate my own dataset with .json

    About generate my own dataset with .json

    Which file should I put in _indexes for label_file to ICDAR 2015 dataset? I want generate a new .json because I've made some motifications in the IC15 images to evaluate specific challenges in natural scenes.

    opened by alinesoares1 1
Owner
Yuliang Liu
MMLab; South China University of Technology; University of Adelaide
Yuliang Liu
DTCN IJCAI - Sequential prediction learning framework and algorithm

DTCN This is the implementation of our paper "Sequential Prediction of Social Me

Bobby 2 Jan 24, 2022
Automatic number plate recognition using tech: Yolo, OCR, Scene text detection, scene text recognation, flask, torch

Automatic Number Plate Recognition Automatic Number Plate Recognition (ANPR) is the process of reading the characters on the plate with various optica

Meftun AKARSU 52 Dec 22, 2022
Official PyTorch implementation of "RMGN: A Regional Mask Guided Network for Parser-free Virtual Try-on" (IJCAI-ECAI 2022)

RMGN-VITON RMGN: A Regional Mask Guided Network for Parser-free Virtual Try-on In IJCAI-ECAI 2022(short oral). [Paper] [Supplementary Material] Abstra

null 27 Dec 1, 2022
1st ranked 'driver careless behavior detection' for AI Online Competition 2021, hosted by MSIT Korea.

2021AICompetition-03 본 repo 는 mAy-I Inc. 팀으로 참가한 2021 인공지능 온라인 경진대회 중 [이미지] 운전 사고 예방을 위한 운전자 부주의 행동 검출 모델] 태스크 수행을 위한 레포지토리입니다. mAy-I 는 과학기술정보통신부가 주최하

Junhyuk Park 9 Dec 1, 2022
Black-Box-Tuning - Black-Box Tuning for Language-Model-as-a-Service

Black-Box-Tuning Source code for paper "Black-Box Tuning for Language-Model-as-a

Tianxiang Sun 149 Jan 4, 2023
Implementation of OmniNet, Omnidirectional Representations from Transformers, in Pytorch

Omninet - Pytorch Implementation of OmniNet, Omnidirectional Representations from Transformers, in Pytorch. The authors propose that we should be atte

Phil Wang 48 Nov 21, 2022
Omnidirectional camera calibration in python

Omnidirectional Camera Calibration Key features pure python initial solution based on A Toolbox for Easily Calibrating Omnidirectional Cameras (Davide

Thomas Pönitz 12 Nov 22, 2022
Pytorch re-implementation of Paper: SwinTextSpotter: Scene Text Spotting via Better Synergy between Text Detection and Text Recognition (CVPR 2022)

SwinTextSpotter This is the pytorch implementation of Paper: SwinTextSpotter: Scene Text Spotting via Better Synergy between Text Detection and Text R

mxin262 183 Jan 3, 2023
Code for the IJCAI 2021 paper "Structure Guided Lane Detection"

SGNet Project for the IJCAI 2021 paper "Structure Guided Lane Detection" Abstract Recently, lane detection has made great progress with the rapid deve

Jinming Su 27 Dec 8, 2022
FuseDream: Training-Free Text-to-Image Generationwith Improved CLIP+GAN Space OptimizationFuseDream: Training-Free Text-to-Image Generationwith Improved CLIP+GAN Space Optimization

FuseDream This repo contains code for our paper (paper link): FuseDream: Training-Free Text-to-Image Generation with Improved CLIP+GAN Space Optimizat

XCL 191 Dec 31, 2022
[TIP 2020] Multi-Temporal Scene Classification and Scene Change Detection with Correlation based Fusion

Multi-Temporal Scene Classification and Scene Change Detection with Correlation based Fusion Code for Multi-Temporal Scene Classification and Scene Ch

Lixiang Ru 33 Dec 12, 2022
Pytorch implementation of Make-A-Scene: Scene-Based Text-to-Image Generation with Human Priors

Make-A-Scene - PyTorch Pytorch implementation (inofficial) of Make-A-Scene: Scene-Based Text-to-Image Generation with Human Priors (https://arxiv.org/

Casual GAN Papers 259 Dec 28, 2022
Disentangled Face Attribute Editing via Instance-Aware Latent Space Search, accepted by IJCAI 2021.

Instance-Aware Latent-Space Search This is a PyTorch implementation of the following paper: Disentangled Face Attribute Editing via Instance-Aware Lat

null 67 Dec 21, 2022
[IJCAI'21] Deep Automatic Natural Image Matting

Deep Automatic Natural Image Matting [IJCAI-21] This is the official repository of the paper Deep Automatic Natural Image Matting. Introduction | Netw

Jizhizi_Li 316 Jan 6, 2023
A PyTorch implementation of "Multi-Scale Contrastive Siamese Networks for Self-Supervised Graph Representation Learning", IJCAI-21

MERIT A PyTorch implementation of our IJCAI-21 paper Multi-Scale Contrastive Siamese Networks for Self-Supervised Graph Representation Learning. Depen

Graph Analysis & Deep Learning Laboratory, GRAND 32 Jan 2, 2023
PyTorch implementation of the paper: "Preference-Adaptive Meta-Learning for Cold-Start Recommendation", IJCAI, 2021.

PAML PyTorch implementation of the paper: "Preference-Adaptive Meta-Learning for Cold-Start Recommendation", IJCAI, 2021. (Continuously updating ) Int

null 15 Nov 18, 2022
MGFN: Multi-Graph Fusion Networks for Urban Region Embedding was accepted by IJCAI-2022.

Multi-Graph Fusion Networks for Urban Region Embedding (IJCAI-22) This is the implementation of Multi-Graph Fusion Networks for Urban Region Embedding

null 202 Nov 18, 2022
Official PyTorch implementation of SyntaSpeech (IJCAI 2022)

SyntaSpeech: Syntax-Aware Generative Adversarial Text-to-Speech | | | | 中文文档 This repository is the official PyTorch implementation of our IJCAI-2022

Zhenhui YE 116 Nov 24, 2022
ONNX Runtime Web demo is an interactive demo portal showing real use cases running ONNX Runtime Web in VueJS.

ONNX Runtime Web demo is an interactive demo portal showing real use cases running ONNX Runtime Web in VueJS. It currently supports four examples for you to quickly experience the power of ONNX Runtime Web.

Microsoft 58 Dec 18, 2022