bert
There are 4290 repositories under bert topic.
datawhalechina/leedl-tutorial
《李宏毅深度学习教程》(李宏毅老师推荐👍,苹果书🍎),PDF下载地址:https://github.com/datawhalechina/leedl-tutorial/releases
graykode/nlp-tutorial
Natural Language Processing Tutorial for Deep Learning Researchers
PaddlePaddle/PaddleNLP
Easy-to-use and powerful LLM and SLM library with awesome model zoo.
jina-ai/clip-as-service
🏄 Scalable embedding, reasoning, ranking for images and sentences with CLIP
NielsRogge/Transformers-Tutorials
This repository contains demos I made with the Transformers library by HuggingFace.
huggingface/tokenizers
💥 Fast State-of-the-Art Tokenizers optimized for Research and Production
ymcui/Chinese-BERT-wwm
Pre-Training with Whole Word Masking for Chinese BERT(中文BERT-wwm系列模型)
brightmart/nlp_chinese_corpus
大规模中文自然语言处理语料 Large Scale Chinese Corpus for NLP
fishaudio/Bert-VITS2
vits2 backbone with multilingual-bert
jessevig/bertviz
BertViz: Visualize Attention in NLP Models (BERT, GPT2, BART, etc.)
MaartenGr/BERTopic
Leveraging BERT and c-TF-IDF to create easily interpretable topics.
codertimo/BERT-pytorch
Google AI 2018 BERT pytorch implementation
NVIDIA/FasterTransformer
Transformer related optimization, including BERT, GPT
lonePatient/awesome-pretrained-chinese-nlp-models
Awesome Pretrained Chinese NLP Models,高质量中文预训练模型&大模型&多模态模型&大语言模型集合
macanv/BERT-BiLSTM-CRF-NER
Tensorflow solution of NER task Using BiLSTM-CRF model with Google BERT Fine-tuning And private Server services
bentrevett/pytorch-sentiment-analysis
Tutorials on getting started with PyTorch and TorchText for sentiment analysis.
thunlp/PromptPapers
Must-read papers on prompt-based tuning for pre-trained language models.
CLUEbenchmark/CLUE
中文语言理解测评基准 Chinese Language Understanding Evaluation Benchmark: datasets, baselines, pre-trained models, corpus and leaderboard
JohnSnowLabs/spark-nlp
State of the Art Natural Language Processing
km1994/nlp_paper_study
该仓库主要记录 NLP 算法工程师相关的顶会论文研读笔记
MaartenGr/KeyBERT
Minimal keyword extraction with BERT
brightmart/albert_zh
A LITE BERT FOR SELF-SUPERVISED LEARNING OF LANGUAGE REPRESENTATIONS, 海量中文预训练ALBERT模型
christianversloot/machine-learning-articles
🧠💬 Articles I wrote about machine learning, archived from MachineCurve.com.
yuanzhoulvpi2017/zero_nlp
中文nlp解决方案(大模型、数据、模型、训练、推理)
PaddlePaddle/awesome-DeepLearning
深度学习入门课、资深课、特色课、学术案例、产业实践案例、深度学习知识百科及面试题库The course, case and knowledge of Deep Learning and AI
ben1234560/AiLearning-Theory-Applying
快速上手AI理论及应用实战:基础知识、Transformer、NLP、ML、DL、竞赛。含大量注释及数据集,力求每一位能看懂并复现。
bytedance/lightseq
LightSeq: A High Performance Library for Sequence Processing and Generation
dbiir/UER-py
Open Source Pre-training Model Framework in PyTorch & Pre-trained Model Zoo
ddangelov/Top2Vec
Top2Vec learns jointly embedded topic, document and word vectors.
CVI-SZU/Linly
Chinese-LLaMA 1&2、Chinese-Falcon 基础模型;ChatFlow中文对话模型;中文OpenLLaMA模型;NLP预训练/指令微调数据集
datawhalechina/learn-nlp-with-transformers
we want to create a repo to illustrate usage of transformers in chinese
guillaume-be/rust-bert
Rust native ready-to-use NLP pipelines and transformer-based models (BERT, DistilBERT, GPT2,...)
IntelLabs/nlp-architect
A model library for exploring state-of-the-art deep learning topologies and techniques for optimizing Natural Language Processing neural networks
adapter-hub/adapters
A Unified Library for Parameter-Efficient and Modular Transfer Learning
brightmart/roberta_zh
RoBERTa中文预训练模型: RoBERTa for Chinese
km1994/NLP-Interview-Notes
该仓库主要记录 NLP 算法工程师相关的面试题