All Projects → abdoelsayed2016 → TNCR_Dataset

abdoelsayed2016 / TNCR_Dataset

Licence: MIT license
Deep learning, Convolutional neural networks, Image processing, Document processing, Table detection, Page object detection, Table classification. https://www.sciencedirect.com/science/article/pii/S0925231221018142

Programming Languages

python
139335 projects - #7 most used programming language
Jupyter Notebook
11667 projects

Projects that are alternatives of or similar to TNCR Dataset

Resnetcam Keras
Keras implementation of a ResNet-CAM model
Stars: ✭ 269 (+627.03%)
Mutual labels:  classification, image-classification
Keras transfer cifar10
Object classification with CIFAR-10 using transfer learning
Stars: ✭ 120 (+224.32%)
Mutual labels:  classification, image-classification
Rmdl
RMDL: Random Multimodel Deep Learning for Classification
Stars: ✭ 375 (+913.51%)
Mutual labels:  classification, image-classification
ML4K-AI-Extension
Use machine learning in AppInventor, with easy training using text, images, or numbers through the Machine Learning for Kids website.
Stars: ✭ 18 (-51.35%)
Mutual labels:  classification, image-classification
Imgclsmob
Sandbox for training deep learning networks
Stars: ✭ 2,405 (+6400%)
Mutual labels:  classification, image-classification
classification
Catalyst.Classification
Stars: ✭ 35 (-5.41%)
Mutual labels:  classification, image-classification
Malware Classification
Towards Building an Intelligent Anti-Malware System: A Deep Learning Approach using Support Vector Machine for Malware Classification
Stars: ✭ 88 (+137.84%)
Mutual labels:  classification, image-classification
Awesome Project Ideas
Curated list of Machine Learning, NLP, Vision, Recommender Systems Project Ideas
Stars: ✭ 6,114 (+16424.32%)
Mutual labels:  classification, image-classification
Iciar2018
Two-Stage Convolutional Neural Network for Breast Cancer Histology Image Classification. ICIAR 2018 Grand Challenge on BreAst Cancer Histology images (BACH)
Stars: ✭ 149 (+302.7%)
Mutual labels:  classification, image-classification
Efficientnet
Implementation of EfficientNet model. Keras and TensorFlow Keras.
Stars: ✭ 1,920 (+5089.19%)
Mutual labels:  classification, image-classification
Reproducibilty-Challenge-ECANET
Unofficial Implementation of ECANets (CVPR 2020) for the Reproducibility Challenge 2020.
Stars: ✭ 27 (-27.03%)
Mutual labels:  image-classification, mmdetection
Table-Detection-using-Deep-Learning
Table Detection using Deep Learning
Stars: ✭ 24 (-35.14%)
Mutual labels:  table, table-detection
image-classification
A collection of SOTA Image Classification Models in PyTorch
Stars: ✭ 70 (+89.19%)
Mutual labels:  image-classification, object-recognition
well-classified-examples-are-underestimated
Code for the AAAI 2022 publication "Well-classified Examples are Underestimated in Classification with Deep Neural Networks"
Stars: ✭ 21 (-43.24%)
Mutual labels:  classification, image-classification
Regnet
Pytorch implementation of network design paradigm described in the paper "Designing Network Design Spaces"
Stars: ✭ 129 (+248.65%)
Mutual labels:  classification, image-classification
Transfer Learning Suite
Transfer Learning Suite in Keras. Perform transfer learning using any built-in Keras image classification model easily!
Stars: ✭ 212 (+472.97%)
Mutual labels:  classification, image-classification
ailia-models
The collection of pre-trained, state-of-the-art AI models for ailia SDK
Stars: ✭ 1,102 (+2878.38%)
Mutual labels:  image-classification, object-recognition
embeddings
Embeddings: State-of-the-art Text Representations for Natural Language Processing tasks, an initial version of library focus on the Polish Language
Stars: ✭ 27 (-27.03%)
Mutual labels:  classification
Plant AI
Performing Leaf Image classification for Recognition of Plant Diseases using various types of CNN Architecture, For detection of Diseased Leaf and thus helping the increase in crop yield.
Stars: ✭ 36 (-2.7%)
Mutual labels:  image-classification
fastapi-csv
🏗️ Create APIs from CSV files within seconds, using fastapi
Stars: ✭ 46 (+24.32%)
Mutual labels:  table

TNCR: Table Net Detection and Classification Dataset

PWC PWC

TNDR: Table Net Detection and Classification Dataset
Abdelrahman Abdallah, Alexander Berendeev, Islam Nuradin, Daniyar Nurseitov,

Abstract

We present TNCR, a new table dataset with varying image quality collected from open access websites. TNCR dataset can be used for table detection in scanned document images and their classification into 5 different classes.

TNCR contains 9428 labeled tables with approximately 6621 images . In this paper, we have implemented state-of-the-art deep learning-based methods for table detection to create several strong baselines. Deformable DERT with Resnet-50 Backbone Network achieves the highest performance compared to other methods with a precision of 86.7%, recall of 89.6%, and f1 score of 88.1% on the TNCR dataset. We have made TNCR open source in the hope of encouraging more deep learning approaches to table detection, classification and structure recognition.

keyword

Deep learning, Convolutional neural networksImage processing, Document processing, Table detection, Page object detection, Table classification

Getting Started

Install MMDetection v2.10.0+

TNCR has been implemented and tested with Python 3.7 and PyTorch 1.8.1.

%cd $project_dir$
!pip install -q mmcv terminaltables
!git clone 'https://github.com/open-mmlab/mmdetection.git'
!pip install -r "$project_dir$/mmdetection/requirements/optional.txt"
%cd mmdetection/
!python setup.py install
!python setup.py develop
!pip install -r {"$project_dir$/mmdetection/requirements.txt"}
!pip install pillow
!pip install mmcv
!pip install mmcv-full
%cd ..
!pip uninstall pycocotools
!pip uninstall mmpycocotools
!pip install mmpycocotools

requirements

Python: 3.7 
PyTorch: 1.8.1
OpenCV: 4.5.2
MMCV: 1.3.5
MMDetection: v2.10.0

TNCR Dataset

You can download the dataset through this link or from Google Drive divide by 5 parts

Full Lined

Merged Cells

No lines

Partial Lined

Partial Lined Merged Cells

Models Zoo

All config and checkpoint files available in this link

Checkout our demo notebook for loading checkpoints and performing inference
Open In Colab

1. Cascade Mask R-CNN

BackbonesConfig FilesCheckpoint File
Resnet-50_1x Config Files Checkpoint
Resnet-50_20e Config Files Checkpoint
Resnet-101_1x Config Files Checkpoint
Resnet-101_20e Config Files Checkpoint
ResNeXt-101-32x4d_1x Config Files Checkpoint
ResNeXt-101-64x4d_1x Config Files Checkpoint

2. Cascade R-CNN

BackbonesConfig FilesCheckpoint File
Resnet-50_1x Config Files Checkpoint
Resnet-50_20e Config Files Checkpoint
Resnet-101_1x Config Files Checkpoint
Resnet-101_20e Config Files Checkpoint
ResNeXt-101-32x4d_1x Config Files Checkpoint
ResNeXt-101-64x4d_1x Config Files Checkpoint

3. Cascade RPN

Method BackbonesConfig FilesCheckpoint File
Fast R-CNN Resnet-50_1x Config Files Checkpoint
CRPN Resnet-50_1x Config Files Checkpoint

4. Hybrid Task Cascade

BackbonesConfig FilesCheckpoint File
Resnet-50_1x Config Files Checkpoint
Resnet-50_20e Config Files Checkpoint
Resnet-101_1x Config Files Checkpoint

5. YOLO

BackbonesConfig FilesCheckpoint File
DarkNet-53_320 Config Files Checkpoint
DarkNet-53_416 Config Files Checkpoint
DarkNet-53_608 Config Files Checkpoint

5. Deformable DERT

BackbonesConfig FilesCheckpoint File
R-50_1 Config Files Checkpoint

License

The code of TNCR is Open Source under the MIT License. There is no limitation for both acadmic and commercial usage.

Cite as

If you find this work useful for your research, please cite our paper:

@article{ABDALLAH2021,
title = {TNCR: Table Net Detection and Classification Dataset},
journal = {Neurocomputing},
year = {2021},
issn = {0925-2312},
doi = {https://doi.org/10.1016/j.neucom.2021.11.101},
url = {https://www.sciencedirect.com/science/article/pii/S0925231221018142},
author = {Abdelrahman Abdallah and Alexander Berendeyev and Islam Nuradin and Daniyar Nurseitov},
keywords = {Deep learning, Convolutional neural networks, Image processing, Document processing, Table detection, Page object detection},
abstract = {We present TNCR, a new table dataset with varying image quality collected from open access websites. TNCR dataset can be used for table detection in scanned document images and their classification into 5 different classes. TNCR contains 9428 labeled tables with approximately 6621 images . In this paper, we have implemented state-of-the-art deep learning-based methods for table detection to create several strong baselines. Deformable DERT with Resnet-50 Backbone Network achieves the highest performance compared to other methods with a precision of 86.7%, recall of 89.6%, and f1 score of 88.1% on the TNCR dataset. We have made TNCR open source in the hope of encouraging more deep learning approaches to table detection, classification and structure recognition. The dataset and trained model checkpoints are available at https://github.com/abdoelsayed2016/TNCR_Dataset.}
}
Note that the project description data, including the texts, logos, images, and/or trademarks, for each open source project belongs to its rightful owner. If you wish to add or remove any projects, please contact us at [email protected].