-
baby-llama2-chinese Public
Forked from DLLXW/baby-llama2-chinese用于从头预训练+SFT一个小参数量的中文LLaMa2的仓库;24G单卡即可运行得到一个具备简单中文问答能力的chat-llama2.
Python MIT License UpdatedAug 22, 2023 -
Language-Detection-using-fine-tuned-XLM-Roberta-Base-Transformer-Model Public
Forked from SayamAlt/Language-Detection-using-fine-tuned-XLM-Roberta-Base-Transformer-ModelSuccessfully developed a language detection transformer model that can accurately recognize the language in which any given text is written.
Jupyter Notebook UpdatedDec 21, 2022 -
MAVE Public
Forked from google-research-datasets/MAVEThe dataset contains 3 million attribute-value annotations across 1257 unique categories on 2.2 million cleaned Amazon product profiles. It is a large, multi-sourced, diverse dataset for product at…
Python Other UpdatedDec 16, 2022 -
Non-Residual-Prompting Public
Forked from FreddeFrallan/Non-Residual-PromptingPython MIT License UpdatedAug 3, 2022 -
Adversarial-Train-TextCNN-Pytorch Public
Forked from joey0922/Adversarial-Train-TextCNN-PytorchImplementation of adversarial training methods and leverage them to train textCNN models
Python UpdatedMar 23, 2022 -
multilingual_pos_tagging Public
Forked from shubhamphal/multilingual_pos_taggingEvaluating Multilingual POS tagging
Python UpdatedFeb 28, 2022 -
AutoPhrase Public
Forked from shangjingbo1226/AutoPhraseAutoPhrase: Automated Phrase Mining from Massive Text Corpora
C++ Apache License 2.0 UpdatedJan 27, 2022 -
WantWords Public
Forked from thunlp/WantWordsAn open-source online reverse dictionary.
JavaScript UpdatedDec 5, 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 -
fast_adversarial Public
Forked from locuslab/fast_adversarial[ICLR 2020] A repository for extremely fast adversarial training using FGSM
Python UpdatedJul 1, 2020 -
ChineseNER-1 Public
Forked from buppt/ChineseNER中文命名实体识别,实体抽取,tensorflow,pytorch,BiLSTM+CRF
Python UpdatedMar 15, 2020 -
Chinese-Names-Corpus Public
Forked from wainshine/Chinese-Names-Corpus中文人名语料库。中文姓名,姓氏,名字,称呼,日本人名,翻译人名,英文人名。成语词典。
Apache License 2.0 UpdatedJul 27, 2019 -
text-summarization Public
Forked from CourteousWood/text-summarization基于TensorFlow,seq2seq+attention+beamsearch的文本摘要。
Python UpdatedApr 21, 2019 -
Jiagu Public
Forked from ownthink/JiaguJiagu深度学习自然语言处理工具 中文分词 词性标注 命名实体识别 情感分析 新词发现 关键词 文本摘要
Python MIT License UpdatedFeb 17, 2019 -
Pointer4Summ Public
Forked from FeiSun/Pointer4SummPointer network for extractive summarization
Python Apache License 2.0 UpdatedFeb 15, 2019 -
text-classification-demos Public
Forked from liyibo/text-classification-demosNeural models for Text Classification in Tensorflow, such as cnn, dpcnn, fasttext, bert ...
Python UpdatedJan 25, 2019 -
TMN Public
Forked from zengjichuan/TMNSource code of TMN (Topic Memory Network)
Python UpdatedNov 12, 2018 -
BERT-pytorch Public
Forked from codertimo/BERT-pytorchGoogle AI 2018 BERT pytorch implementation
Python Apache License 2.0 UpdatedOct 23, 2018 -
CNN-for-Sentence-Classification-in-Keras Public
Forked from alexander-rakhlin/CNN-for-Sentence-Classification-in-KerasConvolutional Neural Networks for Sentence Classification in Keras
Python MIT License UpdatedSep 2, 2018 -
DKN Public
Forked from hwwang55/DKNA tensorflow implementation of DKN (Deep Knowledge-aware Network for News Recommendation)
C++ UpdatedAug 15, 2018 -
adversarial_training_methods Public
Forked from enricivi/adversarial_training_methodsImplementation of the methods proposed in **Adversarial Training Methods for Semi-Supervised Text Classification** on IMDB dataset (without pre-training)
Jupyter Notebook MIT License UpdatedMay 9, 2018 -
seq2seq-couplet Public
Forked from wb14123/seq2seq-coupletPlay couplet with seq2seq model. 用深度学习对对联。
Python GNU Affero General Public License v3.0 UpdatedFeb 25, 2018 -
LSTM-Classification Public
Forked from pinae/LSTM-ClassificationClassify texts with a LSTM implemented in Keras
Python GNU General Public License v3.0 UpdatedJan 31, 2018 -
SentiBridge Public
Forked from rainarch/SentiBridgeSentiBridge: A Knowledge Base for Entity-Sentiment Representation
Other UpdatedJan 12, 2018 -
JFastText Public
Forked from vinhkhuc/JFastTextJava interface for fastText
Java Other UpdatedNov 7, 2017 -
deep-news-summarization Public
Forked from hengluchang/deep-news-summarizationNews summarization using sequence to sequence model with attention in TensorFlow.
Python MIT License UpdatedNov 2, 2017 -
XgboostAndLR Public
Forked from zldeng/XgboostAndLRuse xgboost and lr model for text classification. xgboost is used to be a feature transform for LR
Python UpdatedOct 27, 2017 -
gcn_ner Public
Forked from ContextScout/gcn_nerGraph Convolutional neural network named entity recognition
Python Other UpdatedSep 25, 2017 -
Information-Extraction-Chinese Public
Forked from crownpku/Information-Extraction-ChineseChinese Named Entity Recognition with IDCNN/biLSTM+CRF, and Relation Extraction with biGRU+2ATT 中文实体识别与关系提取
Python UpdatedSep 21, 2017 -