Pinned Repositories
attention-ocr
A pytorch implementation of the attention based ocr
awesome-deep-text-detection-recognition
A curated list of resources for text detection/recognition (optical character recognition ) with deep learning methods.
awesome-object-detection
Awesome Object Detection based on handong1587 github: https://handong1587.github.io/deep_learning/2015/10/09/object-detection.html
awesome-talking-head-generation
basicOCR
BasicOCR是一个致力于解决自然场景文字识别算法研究的项目。该项目由长城数字大数据应用技术研究院佟派AI团队发起和维护。
benchmarking-chinese-text-recognition
This repository contains datasets and baselines for benchmarking Chinese text recognition.
keras-crf-layer
Implementation of CRF layer in Keras.
MORAN_v2
MORAN: A Multi-Object Rectified Attention Network for Scene Text Recognition
NER_Keras
Named Entity Recognition(NER) by keras python
slic-python-implementation
The python implementation to make superpixels by slic.
cxf2015's Repositories
cxf2015/MORAN_v2
MORAN: A Multi-Object Rectified Attention Network for Scene Text Recognition
cxf2015/awesome-deep-text-detection-recognition
A curated list of resources for text detection/recognition (optical character recognition ) with deep learning methods.
cxf2015/awesome-object-detection
Awesome Object Detection based on handong1587 github: https://handong1587.github.io/deep_learning/2015/10/09/object-detection.html
cxf2015/awesome-talking-head-generation
cxf2015/benchmarking-chinese-text-recognition
This repository contains datasets and baselines for benchmarking Chinese text recognition.
cxf2015/bert-NER
利用Google AI的BERT模型进行中文命名实体识别任务的PyTorch实现
cxf2015/Awesome-Talking-Face
📖 A curated list of resources dedicated to talking face.
cxf2015/Awesome-Talking-Head-Synthesis
💬 An extensive collection of exceptional resources dedicated to the captivating world of talking face synthesis! ⭐ If you find this repo useful, please give it a star! 🤩
cxf2015/BERT-pytorch
Google AI 2018 BERT pytorch implementation
cxf2015/book
:books: All programming languages books
cxf2015/CenterNet
Codes for our paper "CenterNet: Keypoint Triplets for Object Detection" .
cxf2015/CenterNet-1
Object detection, 3D detection, and pose estimation using center point detection:
cxf2015/chineseocr_lite
超轻量级中文ocr,支持竖排文字识别, 支持ncnn推理 , dbnet(1.7M) + crnn(6.3M) + anglenet(1.5M) 总模型仅10M
cxf2015/cv_papers
计算机视觉方面的分类、对象检测、图像分割、人脸检测、OCR等中文翻译
cxf2015/DeepLearning-500-questions
深度学习500问,以问答形式对常用的概率知识、线性代数、机器学习、深度学习、计算机视觉等热点问题进行阐述,以帮助自己及有需要的读者。 全书分为18个章节,50余万字。由于水平有限,书中不妥之处恳请广大读者批评指正。 未完待续............ 如有意合作,联系scutjy2015@163.com 版权所有,违权必究 Tan 2018.06
cxf2015/dhSegment
Generic framework for historical document processing
cxf2015/EfficientNet-PyTorch
A PyTorch implementation of EfficientNet
cxf2015/FCOS
FCOS: Fully Convolutional One-Stage Object Detection
cxf2015/ggml
Tensor library for machine learning
cxf2015/GHM_Detection
The implementation of “Gradient Harmonized Single-stage Detector” published on AAAI 2019.
cxf2015/gliding_vertex
The implementation of paper "Gliding vertex on the horizontal bounding box for multi-oriented object detection".
cxf2015/MaskRCNN-PyTorch
MaskRCNN with Knowledge Distillation
cxf2015/PaddleNLP
👑 Easy-to-use and powerful NLP library with 🤗 Awesome model zoo, supporting wide-range of NLP tasks from research to industrial applications, including 🗂Text Classification, 🔍 Neural Search, ❓ Question Answering, ℹ️ Information Extraction, 📄 Document Intelligence, 💌 Sentiment Analysis and 🖼 Diffusion AICG system etc.
cxf2015/PAN.pytorch
A unofficial pytorch implementation of PAN(PSENet2): Efficient and Accurate Arbitrary-Shaped Text Detection with Pixel Aggregation Network
cxf2015/pretrained-models.pytorch
Pretrained ConvNets for pytorch: NASNet, ResNeXt, ResNet, InceptionV4, InceptionResnetV2, Xception, DPN, etc.
cxf2015/pytorch-grad-cam
PyTorch implementation of Grad-CAM
cxf2015/pytorch-mask-rcnn
cxf2015/pytorch-res2net
PyTorch implementation of Res2Net
cxf2015/resnest-refinedet
An improved version of refinedet network, modify the backbone network, and provide resnet50 compression network and resnest method
cxf2015/sequence_tagging
using bilstm-crf,bert and other methods to do sequence tagging task