Pinned Repositories
albert_zh
A LITE BERT FOR SELF-SUPERVISED LEARNING OF LANGUAGE REPRESENTATIONS, 海量中文预训练ALBERT模型
AttentionBasedProsodyPrediction
Encoder and Decoder and Attention Based Prosody Prediction
Automatic-generation-of-text-summaries
使用两种方法(抽取式Textrank和概要式seq2seq)自动提取文本摘要
Awesome-Chinese-NLP
A curated list of resources for Chinese NLP 中文自然语言处理相关资料
bert-for-tf2
A Keras TensorFlow 2.0 implementation of BERT, ALBERT and adapter-BERT.
BERT-NER
Pytorch-Named-Entity-Recognition-with-BERT
BERT-NER-Pytorch
Chinese NER(Named Entity Recognition) using BERT(Softmax, CRF, Span)
bert-utils
一行代码使用BERT生成句向量,BERT做文本分类、文本相似度计算
Bert_Chinese_Ner_pytorch
Named Recognition Entity based on BERT and CRF 基于BERT+CRF的中文命名实体识别
bert_seq2seq_DDP
bert_seq2seq的DDP版本,支持bert、roberta、nezha、t5、gpt2等模型,支持seq2seq、ner、关系抽取等任务,无需添加额外代码,轻松启动DDP多卡训练。
belle9217's Repositories
belle9217/albert_zh
A LITE BERT FOR SELF-SUPERVISED LEARNING OF LANGUAGE REPRESENTATIONS, 海量中文预训练ALBERT模型
belle9217/bert-for-tf2
A Keras TensorFlow 2.0 implementation of BERT, ALBERT and adapter-BERT.
belle9217/BERT-NER
Pytorch-Named-Entity-Recognition-with-BERT
belle9217/BERT-NER-Pytorch
Chinese NER(Named Entity Recognition) using BERT(Softmax, CRF, Span)
belle9217/Bert_Chinese_Ner_pytorch
Named Recognition Entity based on BERT and CRF 基于BERT+CRF的中文命名实体识别
belle9217/bert_seq2seq_DDP
bert_seq2seq的DDP版本,支持bert、roberta、nezha、t5、gpt2等模型,支持seq2seq、ner、关系抽取等任务,无需添加额外代码,轻松启动DDP多卡训练。
belle9217/BLOOM-LORA
Due to restriction of LLaMA, we try to reimplement BLOOM-LoRA (much less restricted BLOOM license here https://huggingface.co/spaces/bigscience/license) using Alpaca-LoRA and Alpaca_data_cleaned.json
belle9217/casrel_pytorch
关系抽取 calrel pytorch
belle9217/CasRelPyTorch
Reimplement CasRel model in PyTorch.使用PyTorch对吉林大学CasRel模型进行复现,并在百度关系抽取数据集上训练测试。
belle9217/codealpaca
belle9217/codefuse
Index of the CodeFuse Repositories
belle9217/corener
Multi-task model for named-entity recognition, relation extraction, entity mention detection and coreference resolution.
belle9217/CrossWOZ
A Large-Scale Chinese Cross-Domain Task-Oriented Dialogue Dataset
belle9217/data_management_LLM
Collection of training data management explorations for large language models
belle9217/Fengshenbang-LM
Fengshenbang-LM(封神榜大模型)是IDEA研究院认知计算与自然语言研究中心主导的大模型开源体系,成为中文AIGC和认知智能的基础设施。
belle9217/Improved-Body-Parts
Simple Pose: Rethinking and Improving a Bottom-up Approach for Multi-Person Pose Estimation
belle9217/Llama-X
Open Academic Research on Improving LLaMA to SOTA LLM
belle9217/LLMSurvey
The official GitHub page for the survey paper "A Survey of Large Language Models".
belle9217/mt-dnn
Multi-Task Deep Neural Networks for Natural Language Understanding
belle9217/NBCE
Naive Bayes-based Context Extension
belle9217/NeZha_Chinese_PyTorch
NEZHA: Neural Contextualized Representation for Chinese Language Understanding
belle9217/NLP
分词,词性标注,句法分析,情感分类,文本分类
belle9217/NLP_pytorch_project
Embedding, NMT, Text_Classification, Text_Generation, NER etc.
belle9217/OpenBuddy
Open Multilingual Chatbot for Everyone
belle9217/pytorch_bert_bilstm_crf_ner
基于pytorch的bert_bilstm_crf中文命名实体识别
belle9217/stable-diffusion-webui
Stable Diffusion web UI
belle9217/Text-Classification
文本分类一般有两种处理思路:基于机器学习的方法和基于深度学习的方法。
belle9217/torch-ddp-examples
A text classification example using ddp horovod and accelerate
belle9217/xbot
chatbot
belle9217/zero_nlp
中文nlp解决方案(大模型、数据、模型、训练、推理)