Pinned Repositories
30-seconds-of-python
A curated collection of useful Python snippets that you can understand in 30 seconds or less.
Bert-Chinese-Text-Classification-Pytorch
使用Bert,ERNIE,进行中文文本分类
deep_learning_object_detection
A paper list of object detection using deep learning.
DeepLearning.ai-Summary
This repository contains my personal notes and summaries on DeepLearning.ai specialization courses. I've enjoyed every little bit of the course hope you enjoy my notes too.
Flat-Lattice-Transformer
code for ACL 2020 paper: FLAT: Chinese NER Using Flat-Lattice Transformer
Ganomaly-pytorch
关于杜伦大学的GANomaly的代码
gt-nlp-class
Course materials for Georgia Tech CS 4650 and 7650, "Natural Language"
ML-NLP
此项目是机器学习(Machine Learning)、深度学习(Deep Learning)、NLP面试中常考到的知识点和代码实现,也是作为一个算法工程师必会的理论基础知识。
PubLayNet-1
MaskRCNN on PubLayNet datasets. Paragraph detection, table detection, figure detection,...
pytorch-relation-extraction
distant supervised relation extraction models: PCNN MIL (Zeng 2015), PCNN+ATT(Lin 2016). 关系抽取
Andrew05200's Repositories
Andrew05200/ML-NLP
此项目是机器学习(Machine Learning)、深度学习(Deep Learning)、NLP面试中常考到的知识点和代码实现,也是作为一个算法工程师必会的理论基础知识。
Andrew05200/PubLayNet-1
MaskRCNN on PubLayNet datasets. Paragraph detection, table detection, figure detection,...
Andrew05200/transformers-tutorials
Github repo with tutorials to fine tune transformers for diff NLP tasks
Andrew05200/AFML
All the answers for exercises from Advances in Financial Machine Learning by Dr Marco Lopez de Parodo.
Andrew05200/Bert-Multi-Label-Text-Classification
This repo contains a PyTorch implementation of a pretrained BERT model for multi-label text classification.
Andrew05200/BERT-NER-Pytorch
Chinese NER(Named Entity Recognition) using BERT(Softmax, CRF, Span)
Andrew05200/Bert-text-classification
This shows how to fine-tune Bert language model and use PyTorch-transformers for text classififcation
Andrew05200/bert_classification
Andrew05200/bert_document_classification
architectures and pre-trained models for long document classification.
Andrew05200/BERT_text_classification_base
A version of long text classification task using BERT which is implemented by Pytorch
Andrew05200/Chinese-BERT-wwm
Pre-Training with Whole Word Masking for Chinese BERT(中文BERT-wwm系列模型)
Andrew05200/Chinese-Text-Classification-Pytorch
中文文本分类,TextCNN,TextRNN,FastText,TextRCNN,BiLSTM_Attention,DPCNN,Transformer,基于pytorch,开箱即用。
Andrew05200/CLUENER2020
CLUENER2020 中文细粒度命名实体识别 Fine Grained Named Entity Recognition
Andrew05200/financial-machine-learning
A curated list of practical financial machine learning (FinML) tools and applications in Python (by @firmai)
Andrew05200/fucking-algorithm
刷算法全靠套路,认准 labuladong 就够了!English version supported! Crack LeetCode, not only how, but also why.
Andrew05200/hands-on-data-analysis
Andrew05200/hedwig
PyTorch deep learning models for document classification
Andrew05200/Keras-TextClassification
中文长文本分类、短句子分类、多标签分类、两句子相似度(Chinese Text Classification of Keras NLP, multi-label classify, or sentence classify, long or short),字词句向量嵌入层(embeddings)和网络层(graph)构建基类,FastText,TextCNN,CharCNN,TextRNN, RCNN, DCNN, DPCNN, VDCNN, CRNN, Bert, Xlnet, Albert, Attention, DeepMoji, HAN, 胶囊网络-CapsuleNet, Transformer-encode, Seq2seq, SWEM, LEAM, TextGCN
Andrew05200/machine-learning-algorithms-implemented-by-python
《统计学习方法》--李航 书中算法实现
Andrew05200/named_entity_recognition
中文命名实体识别(包括多种模型:HMM,CRF,BiLSTM,BiLSTM+CRF的具体实现)
Andrew05200/nCoV-2019-sentence-similarity
天池-新冠疫情相似句对判定大赛 Rank8
Andrew05200/NEWS-TEXT-CLASSIFICATION
零基础入门NLP - 新闻文本分类 正式赛第一名方案
Andrew05200/PDFTableExtract
PDFTableExtract
Andrew05200/RoBERT_Recurrence_over_BERT
pyTorch implementation of Recurrence over BERT (RoBERT) based on this paper https://arxiv.org/abs/1910.10781 and comparison with pyTorch implementation of other Hierarchical Methods (Mean Pooling and Max Pooling) and Truncation Methods (Head Only and Tail Only) presented in this paper https://arxiv.org/abs/1905.05583
Andrew05200/Sogou-News-Text-Classification
Text classification with Machine Learning methods and Pre-Trained Embedding model on Sogou News Corpus
Andrew05200/TableDetection
This project aims at solving the problem of identifying and detecting tables from document images.
Andrew05200/text_classification-2
Andrew05200/text_classification-3
使用rnn,lstm,gru,fasttext,textcnn,dpcnn,rnn-att,lstm-att,bert,bert-cnn,bert-rnn,bert-rcnn,han,xlnet等等做文本分类,以及对比
Andrew05200/text_similarity
Andrew05200/v2ray