text-generation
There are 1763 repositories under text-generation topic.
LeakGAN
The codes of paper "Long Text Generation via Adversarial Training with Leaked Information" on AAAI 2018. Text generation using GAN and Hierarchical Reinforcement Learning.
NLP_pytorch_project
Embedding, NMT, Text_Classification, Text_Generation, NER etc.
Phi2-mini-Chinese
Phi2-Chinese-0.2B 从0开始训练自己的Phi2中文小模型,支持接入langchain加载本地知识库做检索增强生成RAG。Training your own Phi2 small chat model from scratch.
UnifiedSKG
[EMNLP 2022] Unifying and multi-tasking structured knowledge grounding with language models
NLP-Projects
word2vec, sentence2vec, machine reading comprehension, dialog system, text classification, pretrained language model (i.e., XLNet, BERT, ELMo, GPT), sequence labeling, information retrieval, information extraction (i.e., entity, relation and event extraction), knowledge graph, text generation, network embedding
CRSLab
CRSLab is an open-source toolkit for building Conversational Recommender System (CRS).
KENLG-Reading
Author: Wenhao Yu (wyu1@nd.edu). ACM Computing Survey'22. Reading list for knowledge-enhanced text generation, with a survey.
CPT
CPT: A Pre-Trained Unbalanced Transformer for Both Chinese Language Understanding and Generation
awesome-text-generation
A curated list of recent models of text generation and application
PaperRobot
Code for PaperRobot: Incremental Draft Generation of Scientific Ideas
nlp-tutorial
自然语言处理(NLP)教程,包括:词向量,词法分析,预训练语言模型,文本分类,文本语义匹配,信息抽取,翻译,对话。
TG-Reading-List
A text generation reading list maintained by Tsinghua Natural Language Processing Group.
deepseek-php-client
⚡️ A robust and developer-friendly, and community-driven PHP Client that provides a clean, extensible interface for integrating with the DeepSeek AI API.
KoboldAI
KoboldAI is generative AI software optimized for fictional use, but capable of much more!
SkyText-Chinese-GPT3
SkyText是由奇点智源发布的中文GPT3预训练大模型,可以进行文章续写、对话、中英翻译、内容风格生成、推理、诗词对联等不同任务。| SkyText is a Chinese GPT3 pre-trained large model released by Singularity-AI, which can perform different tasks such as chatting, Q&A, and Chinese-English translation.
GoLLIE
Guideline following Large Language Model for Information Extraction
minimal-text-diffusion
A minimal implementation of diffusion models for text generation
Deep-Generative-Models-for-Natural-Language-Processing
DGMs for NLP. A roadmap.
commit-autosuggestions
A tool that AI automatically recommends commit messages.
KVQuant
[NeurIPS 2024] KVQuant: Towards 10 Million Context Length LLM Inference with KV Cache Quantization
gpt2client
✍🏻 gpt2-client: Easy-to-use TensorFlow Wrapper for GPT-2 117M, 345M, 774M, and 1.5B Transformer Models 🤖 📝
attention-mechanisms
Implementations for a family of attention mechanisms, suitable for all kinds of natural language processing tasks and compatible with TensorFlow 2.0 and Keras.
haystack-tutorials
Here you can find all the Tutorials for Haystack 📓
gpt-j-api
API for the GPT-J language model 🦜. Including a FastAPI backend and a streamlit frontend
Diffusion-BERT
ACL'2023: DiffusionBERT: Improving Generative Masked Language Models with Diffusion Models
gpt-2-cloud-run
Text-generation API via GPT-2 for Cloud Run
mauve
Package to compute Mauve, a similarity score between neural text and human text. Install with `pip install mauve-text`.
payload-ai
AI Plugin is a powerful extension for the Payload CMS, integrating advanced AI capabilities to enhance content creation and management.
Webscout
Webscout is the all-in-one search and AI toolkit you need. Discover insights with Yep.com, DuckDuckGo, and Phind; access cutting-edge AI models; transcribe YouTube videos; generate temporary emails and phone numbers; perform text-to-speech conversions; and much more!
modular-diffusion
Python library for designing and training your own Diffusion Models with PyTorch
tensorflow_novelist
模仿莎士比亚创作戏剧!屌炸天的是还能创作金庸武侠小说!快star,保持更新!!
gpt-2-tensorflow2.0
OpenAI GPT2 pre-training and sequence prediction implementation in Tensorflow 2.0
react-native-apple-llm
React Native Apple LLM plugin using Foundation Models
MAGIC
Language Models Can See: Plugging Visual Controls in Text Generation
onnxt5
Summarization, translation, sentiment-analysis, text-generation and more at blazing speed using a T5 version implemented in ONNX.
rnn.wgan
Code for training and evaluation of the model from "Language Generation with Recurrent Generative Adversarial Networks without Pre-training"