Pinned Repositories
2019-CCF-BDCI-OCR-MCZJ-OCR-IdentificationIDElement
2019CCF-BDCI大赛 最佳创新探索奖获得者 基于OCR身份证要素提取赛题冠军 天晨破晓团队 赛题源码
2D-Morphological-Network
2D Morphological-Network
7days-golang
7 days golang apps from scratch (web framework Gee, distributed cache GeeCache, object relational mapping ORM framework GeeORM etc) 7天用Go动手写/从零实现系列
ACL-2020-Papers
Statistics and accepted paper list of ACL 2020 with arXiv link
AdderNet
Code for paper " AdderNet: Do We Really Need Multiplications in Deep Learning?"
EssayKiller_V2
基于开源GPT2.0的初代创作型人工智能 | 可扩展、可进化
gector
Official implementation of the paper “GECToR – Grammatical Error Correction: Tag, Not Rewrite” // Published on BEA15 Workshop (co-located with ACL 2020) https://www.aclweb.org/anthology/2020.bea-1.16.pdf
Instaboost
Code for ICCV2019 paper "InstaBoost: Boosting Instance Segmentation Via Probability Map Guided Copy-Pasting"
mysql-tutorial
MySQL入门教程(MySQL tutorial book)
SOLO
SOLO: Segmenting Objects by Locations https://arxiv.org/abs/1912.04488
gztangde's Repositories
gztangde/2D-Morphological-Network
2D Morphological-Network
gztangde/AI-Job-Notes
AI算法岗求职攻略(涵盖准备攻略、刷题指南、内推和AI公司清单等资料)
gztangde/awesome-sentence-embedding
A curated list of pretrained sentence and word embedding models
gztangde/bert
TensorFlow code and pre-trained models for BERT
gztangde/BERT-BiLSTM-CRF-NER
Tensorflow solution of NER task Using BiLSTM-CRF model with Google BERT Fine-tuning And private Server services
gztangde/BullshitGenerator
Needs to generate some texts to test if my GUI rendering codes good or not. so I made this.
gztangde/channel-pruning
Channel Pruning for Accelerating Very Deep Neural Networks (ICCV'17)
gztangde/cord
CORD: A Consolidated Receipt Dataset for Post-OCR Parsing
gztangde/deep_gcns_torch
Pytorch Repo for "DeepGCNs: Can GCNs Go as Deep as CNNs?" ICCV2019 Oral https://deepgcns.org
gztangde/deepin-wine-ubuntu
Deepin Wine for Ubuntu/Debian
gztangde/dgl
Python package built to ease deep learning on graph, on top of existing DL frameworks.
gztangde/faster-rcnn.pytorch
A faster pytorch implementation of faster r-cnn
gztangde/FISCO-BCOS
A consortium blockchain platform (联盟区块链底层技术平台)
gztangde/generative_inpainting
DeepFill v1/v2 with Contextual Attention and Gated Convolution, CVPR 2018, and ICCV 2019 Oral
gztangde/Information-Extraction-Chinese
Chinese Named Entity Recognition with IDCNN/biLSTM+CRF, and Relation Extraction with biGRU+2ATT 中文实体识别与关系提取
gztangde/jieba
结巴中文分词
gztangde/LGN
A Lexicon-based Graph Neural Network for Chinese NER.
gztangde/Must-read-papers-and-continuous-tracking-on-Graph-Neural-Network-GNN-progress
Papers on Graph neural network(GNN)
gztangde/NeuroNER
Named-entity recognition using neural networks. Easy-to-use and state-of-the-art results.
gztangde/NLP-Papers
Papers I have read, mainly about NLP. Welcome everyone to supplement in issue.
gztangde/nlp-tutorial
Natural Language Processing Tutorial for Deep Learning Researchers
gztangde/NLPIR
gztangde/pkuseg-python
pkuseg多领域中文分词工具; The pkuseg toolkit for multi-domain Chinese word segmentation
gztangde/PubLayNet
gztangde/pygcn
Graph Convolutional Networks in PyTorch
gztangde/ShapeMatchingGAN
[ICCV 2019, Oral] Controllable Artistic Text Style Transfer via Shape-Matching GAN
gztangde/tensorboardX
tensorboard for pytorch (and chainer, mxnet, numpy, ...)
gztangde/word2vec-api
Simple web service providing a word embedding model
gztangde/yolov3-channel-and-layer-pruning
yolov3 channel and layer pruning, Knowledge Distillation 层剪枝,通道剪枝,知识蒸馏
gztangde/YOLOv3-complete-pruning
提供对YOLOv3及Tiny的多种剪枝版本,以适应不同的需求。