Pinned Repositories
albumentations
fast image augmentation library and easy to use wrapper around other libraries
allennlp
An open-source NLP research library, built on PyTorch.
anago
Bidirectional LSTM-CRF and ELMo for Named-Entity Recognition, Part-of-Speech Tagging and so on.
annotated_deep_learning_paper_implementations
🧑🏫 59 Implementations/tutorials of deep learning papers with side-by-side notes 📝; including transformers (original, xl, switch, feedback, vit, ...), optimizers (adam, adabelief, ...), gans(cyclegan, stylegan2, ...), 🎮 reinforcement learning (ppo, dqn), capsnet, distillation, ... 🧠
fairseq
Facebook AI Research Sequence-to-Sequence Toolkit written in Python.
mmdetection
Open MMLab Detection Toolbox and Benchmark
MT-Reading-List
A machine translation reading list maintained by Tsinghua Natural Language Processing Group
mxnet-yolov2
YOLO: You only look once real-time object detector
transformers
🤗 Transformers: State-of-the-art Natural Language Processing for TensorFlow 2.0 and PyTorch. https://huggingface.co/transformers
yolov3-mxnet
A minimal YOLOv3 implementation in MXNet, don't need cfg.
liben2018's Repositories
liben2018/annotated_deep_learning_paper_implementations
🧑🏫 59 Implementations/tutorials of deep learning papers with side-by-side notes 📝; including transformers (original, xl, switch, feedback, vit, ...), optimizers (adam, adabelief, ...), gans(cyclegan, stylegan2, ...), 🎮 reinforcement learning (ppo, dqn), capsnet, distillation, ... 🧠
liben2018/fairseq
Facebook AI Research Sequence-to-Sequence Toolkit written in Python.
liben2018/mmdetection
Open MMLab Detection Toolbox and Benchmark
liben2018/MT-Reading-List
A machine translation reading list maintained by Tsinghua Natural Language Processing Group
liben2018/transformers
🤗 Transformers: State-of-the-art Natural Language Processing for TensorFlow 2.0 and PyTorch. https://huggingface.co/transformers
liben2018/AttentionOCR
Scene text recognition
liben2018/awesome-sentence-embedding
A curated list of pretrained sentence and word embedding models
liben2018/bert-as-service
Mapping a variable-length sentence to a fixed-length vector using BERT model
liben2018/bertviz
Tool for visualizing attention in the Transformer model (BERT, GPT-2, Albert, XLNet, RoBERTa, CTRL, etc.)
liben2018/Cirq
A python framework for creating, editing, and invoking Noisy Intermediate Scale Quantum (NISQ) circuits.
liben2018/CRAFT-pytorch
Official implementation of Character Region Awareness for Text Detection (CRAFT)
liben2018/darknet
Windows and Linux version of Darknet Yolo v2 & v3 Neural Networks for object detection
liben2018/DB
A PyToch implementation of "Real-time Scene Text Detection with Differentiable Binarization".
liben2018/deep-text-recognition-benchmark
Text recognition (optical character recognition) with deep learning methods.
liben2018/DeepLearning-500-questions
深度学习500问,以问答形式对常用的概率知识、线性代数、机器学习、深度学习、计算机视觉等热点问题进行阐述,以帮助自己及有需要的读者。 全书分为18个章节,50余万字。由于水平有限,书中不妥之处恳请广大读者批评指正。 未完待续............ 如有意合作,联系scutjy2015@163.com 版权所有,违权必究 Tan 2018.06
liben2018/detectron2-ResNeSt
A fork of Detectron2 with ResNeSt backbone
liben2018/doccano
Open source text annotation tool for machine learning practitioner.
liben2018/donut
Official Implementation of OCR-free Document Understanding Transformer (Donut) and Synthetic Document Generator (SynthDoG), ECCV 2022
liben2018/gensim
Topic Modelling for Humans
liben2018/labelImg
🖍️ LabelImg is a graphical image annotation tool and label object bounding boxes in images
liben2018/mmdeploy
OpenMMLab Model Deployment Framework
liben2018/named_entity_recognition
中文命名实体识别(包括多种模型:HMM,CRF,BiLSTM,BiLSTM+CRF的具体实现)
liben2018/NLPGNN
1. Use BERT, ALBERT and GPT2 as tensorflow2.0's layer. 2. Implement GCN, GAN, GIN and GraphSAGE based on message passing.
liben2018/Object-Detection-Metrics
Most popular metrics used to evaluate object detection algorithms.
liben2018/PyTorch_YOLOv3
Implementation of YOLOv3 in PyTorch
liben2018/sentence-transformers
Sentence Embeddings with BERT & XLNet
liben2018/stable-diffusion
A latent text-to-image diffusion model
liben2018/TensorNetwork
A library for easy and efficient manipulation of tensor networks.
liben2018/UnsupervisedMT
Phrase-Based & Neural Unsupervised Machine Translation
liben2018/yolov7
Implementation of paper - YOLOv7: Trainable bag-of-freebies sets new state-of-the-art for real-time object detectors