-
TextClassification-Keras Public
Forked from ShawnyXiao/TextClassification-KerasText classification models implemented in Keras, including: FastText, TextCNN, TextRNN, TextBiRNN, TextAttBiRNN, HAN, RCNN, RCNNVariant, etc.
Python MIT License UpdatedFeb 10, 2022 -
example-code Public
Forked from fluentpython/example-codeExample code for the book Fluent Python, 1st Edition (O'Reilly, 2015)
Python MIT License UpdatedDec 2, 2021 -
KenLM: Faster and Smaller Language Model Queries
C++ Other UpdatedNov 2, 2021 -
deeplearning_ai_books Public
Forked from fengdu78/deeplearning_ai_booksdeeplearning.ai(吴恩达老师的深度学习课程笔记及资源)
HTML UpdatedOct 23, 2021 -
redis Public
Forked from tporadowski/redisNative port of Redis for Windows. Redis is an in-memory database that persists on disk. The data model is key-value, but many different kind of values are supported: Strings, Lists, Sets, Sorted Se…
C Other UpdatedOct 17, 2021 -
transformers-keras Public
Forked from luozhouyang/transformers-kerasTransformer-based models implemented in tensorflow 2.x(using keras).
Python Apache License 2.0 UpdatedSep 29, 2021 -
transformers Public
Forked from huggingface/transformers🤗 Transformers: State-of-the-art Natural Language Processing for Pytorch, TensorFlow, and JAX.
Python Apache License 2.0 UpdatedAug 18, 2021 -
ckip-transformers Public
Forked from ckiplab/ckip-transformersCKIP Transformers
Python GNU General Public License v3.0 UpdatedAug 18, 2021 -
-
word2vec-tutorial Public
Forked from zake7749/word2vec-tutorial中文詞向量訓練教學
Python MIT License UpdatedJun 3, 2021 -
百度NLP:分词,词性标注,命名实体识别,词重要性
C++ Apache License 2.0 UpdatedMay 25, 2021 -
pycorrector Public
Forked from shibing624/pycorrectorpycorrector is a toolkit for text error correction. 文本纠错,Kenlm,Seq2Seq_Attention,BERT,MacBERT,ELECTRA,ERNIE,Transformer等模型实现,开箱即用。
Python Apache License 2.0 UpdatedMay 12, 2021 -
addons Public
Forked from tensorflow/addonsUseful extra functionality for TensorFlow 2.x maintained by SIG-addons
Python Apache License 2.0 UpdatedApr 19, 2021 -
classifier_multi_label_textcnn Public
Forked from hellonlp/classifier-multi-labelmulti-label,classifier,text classification,多标签文本分类,文本分类,BERT,ALBERT,multi-label-classification
Python UpdatedMar 29, 2021 -
algorithm-base Public
Forked from chefyuan/algorithm-base专门为刚开始刷题的同学准备的算法基地,没有最细只有更细,立志用动画将晦涩难懂的算法说的通俗易懂!
UpdatedMar 23, 2021 -
-
BERT-BiLSTM-CRF-NER Public
Forked from macanv/BERT-BiLSTM-CRF-NERTensorflow solution of NER task Using BiLSTM-CRF model with Google BERT Fine-tuning And private Server services
Python UpdatedFeb 24, 2021 -
TensorFlow-Examples Public
Forked from aymericdamien/TensorFlow-ExamplesTensorFlow Tutorial and Examples for Beginners (support TF v1 & v2)
Jupyter Notebook Other UpdatedDec 29, 2020 -
tensorflow2_tutorials_chinese Public
Forked from czy36mengfei/tensorflow2_tutorials_chinesetensorflow2中文教程,持续更新(当前版本:tensorflow2.0),tag: tensorflow 2.0 tutorials
Jupyter Notebook UpdatedDec 9, 2020 -
stanza Public
Forked from stanfordnlp/stanzaOfficial Stanford NLP Python Library for Many Human Languages
Python Other UpdatedDec 3, 2020 -
word2vec_exp Public
Forked from CodenameCYS/word2vec_exp这里用来测试一下word2vec实验
Jupyter Notebook UpdatedNov 28, 2020 -
HarvestText Public
Forked from blmoistawinde/HarvestText文本挖掘和预处理工具(文本清洗、新词发现、情感分析、实体识别链接、关键词抽取、知识抽取、句法分析等),无监督或弱监督方法
Python MIT License UpdatedNov 20, 2020 -
transformer Public
Forked from Kyubyong/transformerA TensorFlow Implementation of the Transformer: Attention Is All You Need
Python Apache License 2.0 UpdatedNov 13, 2020 -
albert_zh Public
Forked from brightmart/albert_zhA LITE BERT FOR SELF-SUPERVISED LEARNING OF LANGUAGE REPRESENTATIONS, 海量中文预训练ALBERT模型
Python UpdatedOct 22, 2020 -
bert_for_corrector Public
Forked from tongchangD/bert_for_corrector基于bert进行中文文本纠错
Python UpdatedOct 16, 2020 -
bert Public
Forked from google-research/bertTensorFlow code and pre-trained models for BERT
Python Apache License 2.0 UpdatedOct 1, 2020 -
texar Public
Forked from asyml/texarToolkit for Machine Learning, Natural Language Processing, and Text Generation, in TensorFlow. This is part of the CASL project: http://casl-project.ai/
Python Apache License 2.0 UpdatedSep 17, 2020 -
analytics-zoo Public
Forked from intel/BigDLDistributed Tensorflow, Keras and PyTorch on Apache Spark/Flink & Ray
Jupyter Notebook Apache License 2.0 UpdatedAug 26, 2020 -
bert-as-service Public
Forked from qiannianqiannian/bert-as-serviceMapping a variable-length sentence to a fixed-length vector using BERT model
Python MIT License UpdatedAug 20, 2020 -
NamedEntityRecognition-BiLSTM-CRF-BERT Public
Forked from scionoftech/NamedEntityRecognition-BiLSTM-CRF-BERTNamedEntityRecognition using BiLSTM-CRF,BiLSTM,BERT,TF2.x and Pytorch