Topic: "text-generation"
mudler/LocalAI
:robot: The free, Open Source alternative to OpenAI, Claude and others. Self-hosted and local-first. Drop-in replacement for OpenAI, running on consumer-grade hardware. No GPU required. Runs gguf, transformers, diffusers and many more models architectures. Features: Generate Text, Audio, Video, Images, Voice Cloning, Distributed, P2P inference
Language: Go - Size: 18 MB - Last synced at: 5 days ago - Pushed at: 5 days ago - Stars: 31,759 - Forks: 2,417

OpenMOSS/MOSS
An open-source tool-augmented conversational language model from Fudan University
Language: Python - Size: 38.1 MB - Last synced at: 6 months ago - Pushed at: 9 months ago - Stars: 11,941 - Forks: 1,145

Morizeyao/GPT2-Chinese
Chinese version of GPT2 training code, using BERT tokenizer.
Language: Python - Size: 13.1 MB - Last synced at: 10 days ago - Pushed at: 12 months ago - Stars: 7,554 - Forks: 1,707

minimaxir/textgenrnn
Easily train your own text-generating neural network of any size and complexity on any text dataset with a few lines of code.
Language: Python - Size: 13.1 MB - Last synced at: 10 days ago - Pushed at: almost 3 years ago - Stars: 4,939 - Forks: 754

ParisNeo/lollms-webui
Lord of Large Language and Multi modal Systems Web User Interface
Language: CSS - Size: 179 MB - Last synced at: about 19 hours ago - Pushed at: about 19 hours ago - Stars: 4,615 - Forks: 567

minimaxir/gpt-2-simple
Python package to easily retrain OpenAI's GPT-2 text-generating model on new texts
Language: Python - Size: 234 KB - Last synced at: 10 days ago - Pushed at: over 2 years ago - Stars: 3,402 - Forks: 675

yuanzhoulvpi2017/zero_nlp
中文nlp解决方案(大模型、数据、模型、训练、推理)
Language: Jupyter Notebook - Size: 50.8 MB - Last synced at: 1 day ago - Pushed at: 2 months ago - Stars: 3,386 - Forks: 399

PeterH0323/Streamer-Sales
Streamer-Sales 销冠 —— 卖货主播 LLM 大模型🛒🎁,一个能够根据给定的商品特点从激发用户购买意愿角度出发进行商品解说的卖货主播大模型。🚀⭐内含详细的数据生成流程❗ 📦另外还集成了 LMDeploy 加速推理🚀、RAG检索增强生成 📚、TTS文字转语音🔊、数字人生成 🦸、 Agent 使用网络查询实时信息🌐、ASR 语音转文字🎙️、Vue 生态搭建前端🍍、FastAPI 搭建后端🗝️、Docker-compose 打包部署🐋
Language: Python - Size: 68.6 MB - Last synced at: 10 days ago - Pushed at: about 1 month ago - Stars: 3,150 - Forks: 490

yangjianxin1/GPT2-chitchat
GPT2 for Chinese chitchat/用于中文闲聊的GPT2模型(实现了DialoGPT的MMI思想)
Language: Python - Size: 511 KB - Last synced at: 6 days ago - Pushed at: over 1 year ago - Stars: 3,013 - Forks: 678

ashishpatel26/LLM-Finetuning
LLM Finetuning with peft
Language: Jupyter Notebook - Size: 3.6 MB - Last synced at: 1 day ago - Pushed at: 2 months ago - Stars: 2,426 - Forks: 652

asyml/texar
Toolkit for Machine Learning, Natural Language Processing, and Text Generation, in TensorFlow. This is part of the CASL project: http://casl-project.ai/
Language: Python - Size: 13.6 MB - Last synced at: 7 days ago - Pushed at: over 3 years ago - Stars: 2,388 - Forks: 372

microsoft/DialoGPT
Large-scale pretraining for dialogue
Language: Python - Size: 43.6 MB - Last synced at: 6 days ago - Pushed at: over 2 years ago - Stars: 2,380 - Forks: 346

HarderThenHarder/transformers_tasks
⭐️ NLP Algorithms with transformers lib. Supporting Text-Classification, Text-Generation, Information-Extraction, Text-Matching, RLHF, SFT etc.
Language: Jupyter Notebook - Size: 71.1 MB - Last synced at: 6 days ago - Pushed at: over 1 year ago - Stars: 2,314 - Forks: 397

allenai/RL4LMs
A modular RL library to fine-tune language models to human preferences
Language: Python - Size: 29.1 MB - Last synced at: 6 days ago - Pushed at: about 1 year ago - Stars: 2,298 - Forks: 195

LC1332/Chat-Haruhi-Suzumiya
Chat凉宫春日, An open sourced Role-Playing chatbot Cheng Li, Ziang Leng, and others.
Language: Jupyter Notebook - Size: 473 MB - Last synced at: 9 days ago - Pushed at: 8 months ago - Stars: 1,947 - Forks: 176

thu-coai/CDial-GPT
A Large-scale Chinese Short-Text Conversation Dataset and Chinese pre-training dialog models
Language: Python - Size: 729 KB - Last synced at: 5 months ago - Pushed at: almost 2 years ago - Stars: 1,782 - Forks: 255

imcaspar/gpt2-ml
GPT2 for Multiple Languages, including pretrained models. GPT2 多语言支持, 15亿参数中文预训练模型
Language: Python - Size: 977 KB - Last synced at: 13 days ago - Pushed at: almost 2 years ago - Stars: 1,715 - Forks: 334

Delta-ML/delta
DELTA is a deep learning based natural language and speech processing platform. LF AI & DATA Projects: https://lfaidata.foundation/projects/delta/
Language: Python - Size: 59.5 MB - Last synced at: 9 days ago - Pushed at: about 1 month ago - Stars: 1,590 - Forks: 288

charent/ChatLM-mini-Chinese
中文对话0.2B小模型(ChatLM-Chinese-0.2B),开源所有数据集来源、数据清洗、tokenizer训练、模型预训练、SFT指令微调、RLHF优化等流程的全部代码。支持下游任务sft微调,给出三元组信息抽取微调示例。
Language: Python - Size: 12.6 MB - Last synced at: 12 days ago - Pushed at: about 1 year ago - Stars: 1,511 - Forks: 171

hyperonym/basaran 📦
Basaran is an open-source alternative to the OpenAI text completion API. It provides a compatible streaming API for your Hugging Face Transformers-based text generation models.
Language: Python - Size: 5.37 MB - Last synced at: 1 day ago - Pushed at: about 1 year ago - Stars: 1,298 - Forks: 81

liucongg/GPT2-NewsTitle
Chinese NewsTitle Generation Project by GPT2.带有超级详细注释的中文GPT2新闻标题生成项目。
Language: Python - Size: 740 KB - Last synced at: 8 days ago - Pushed at: about 3 years ago - Stars: 1,110 - Forks: 183

RUCAIBox/TextBox
TextBox 2.0 is a text generation library with pre-trained language models
Language: Python - Size: 127 MB - Last synced at: 13 days ago - Pushed at: over 1 year ago - Stars: 1,086 - Forks: 118

xcfcode/Summarization-Papers 📦
Summarization Papers
Language: TeX - Size: 40.1 MB - Last synced at: 5 months ago - Pushed at: almost 2 years ago - Stars: 985 - Forks: 144

shibing624/textgen
TextGen: Implementation of Text Generation models, include LLaMA, BLOOM, GPT2, BART, T5, SongNet and so on. 文本生成模型,实现了包括LLaMA,ChatGLM,BLOOM,GPT2,Seq2Seq,BART,T5,UDA等模型的训练和预测,开箱即用。
Language: Python - Size: 10.2 MB - Last synced at: 8 days ago - Pushed at: 7 months ago - Stars: 960 - Forks: 110

rowanz/grover
Code for Defending Against Neural Fake News, https://rowanzellers.com/grover/
Language: Python - Size: 657 KB - Last synced at: 1 day ago - Pushed at: almost 2 years ago - Stars: 921 - Forks: 219

williamSYSU/TextGAN-PyTorch
TextGAN is a PyTorch framework for Generative Adversarial Networks (GANs) based text generation models.
Language: Python - Size: 18.9 MB - Last synced at: about 2 months ago - Pushed at: 10 months ago - Stars: 902 - Forks: 210

microsoft/GODEL
Large-scale pretrained models for goal-directed dialog
Language: Python - Size: 49.8 MB - Last synced at: about 9 hours ago - Pushed at: over 1 year ago - Stars: 865 - Forks: 112

bin123apple/AutoCoder
We introduced a new model designed for the Code generation task. Its test accuracy on the HumanEval base dataset surpasses that of GPT-4 Turbo (April 2024) and GPT-4o.
Language: Python - Size: 25.8 MB - Last synced at: 16 days ago - Pushed at: 10 months ago - Stars: 839 - Forks: 71

accelerated-text/accelerated-text
Accelerated Text is a no-code natural language generation platform. It will help you construct document plans which define how your data is converted to textual descriptions varying in wording and structure.
Language: JavaScript - Size: 30.7 MB - Last synced at: 7 days ago - Pushed at: about 2 years ago - Stars: 805 - Forks: 47

Oneirocom/Magick
Magick is a cutting-edge toolkit for a new kind of AI builder. Make Magick with us!
Language: TypeScript - Size: 230 MB - Last synced at: 7 days ago - Pushed at: about 1 month ago - Stars: 788 - Forks: 127

asyml/texar-pytorch
Integrating the Best of TF into PyTorch, for Machine Learning, Natural Language Processing, and Text Generation. This is part of the CASL project: http://casl-project.ai/
Language: Python - Size: 3.08 MB - Last synced at: 12 days ago - Pushed at: about 3 years ago - Stars: 745 - Forks: 115

SkyWorkAIGC/SkyChat-Chinese-Chatbot-GPT3
SkyChat是一款基于中文GPT-3 api的聊天机器人项目。它可以像chatGPT一样,实现人机聊天、问答、中英文互译、对对联、写古诗等任务。| SkyChat is a Chatbot project based on Chinese GPT3 API. Like chatGPT, it can do human-machine chat, question and answer, and can also complete tasks such as Chinese-English or English-Chinese translation, content continuation, couplets, and Chinese ancient poems writing.
Language: C# - Size: 697 KB - Last synced at: over 1 year ago - Pushed at: about 2 years ago - Stars: 718 - Forks: 76

AdityaNG/kan-gpt
The PyTorch implementation of Generative Pre-trained Transformers (GPTs) using Kolmogorov-Arnold Networks (KANs) for language modeling
Language: Python - Size: 3.05 MB - Last synced at: 5 days ago - Pushed at: 5 months ago - Stars: 715 - Forks: 55

SqueezeAILab/SqueezeLLM
[ICML 2024] SqueezeLLM: Dense-and-Sparse Quantization
Language: Python - Size: 1.5 MB - Last synced at: 8 days ago - Pushed at: 8 months ago - Stars: 685 - Forks: 45

jerry1993-tech/Cornucopia-LLaMA-Fin-Chinese
聚宝盆(Cornucopia): 中文金融系列开源可商用大模型,并提供一套高效轻量化的垂直领域LLM训练框架(Pretraining、SFT、RLHF、Quantize等)
Language: Python - Size: 1.64 MB - Last synced at: 1 day ago - Pushed at: almost 2 years ago - Stars: 626 - Forks: 64

Shark-NLP/DiffuSeq
[ICLR'23] DiffuSeq: Sequence to Sequence Text Generation with Diffusion Models
Language: Python - Size: 1.8 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 585 - Forks: 64

CR-Gjx/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.
Language: Python - Size: 6.96 MB - Last synced at: 10 months ago - Pushed at: almost 3 years ago - Stars: 577 - Forks: 180

xlang-ai/UnifiedSKG
[EMNLP 2022] Unifying and multi-tasking structured knowledge grounding with language models
Language: Python - Size: 21 MB - Last synced at: 16 days ago - Pushed at: over 1 year ago - Stars: 556 - Forks: 59

charent/Phi2-mini-Chinese
Phi2-Chinese-0.2B 从0开始训练自己的Phi2中文小模型,支持接入langchain加载本地知识库做检索增强生成RAG。Training your own Phi2 small chat model from scratch.
Language: Jupyter Notebook - Size: 179 KB - Last synced at: about 12 hours ago - Pushed at: 9 months ago - Stars: 547 - Forks: 61

wyu97/KENLG-Reading
Author: Wenhao Yu ([email protected]). ACM Computing Survey'22. Reading list for knowledge-enhanced text generation, with a survey.
Size: 801 KB - Last synced at: over 1 year ago - Pushed at: about 3 years ago - Stars: 547 - Forks: 50

gaoisbest/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
Language: OpenEdge ABL - Size: 384 MB - Last synced at: 14 days ago - Pushed at: over 4 years ago - Stars: 544 - Forks: 151

shawroad/NLP_pytorch_project
Embedding, NMT, Text_Classification, Text_Generation, NER etc.
Language: Python - Size: 164 MB - Last synced at: over 1 year ago - Pushed at: almost 2 years ago - Stars: 536 - Forks: 113

RUCAIBox/CRSLab
CRSLab is an open-source toolkit for building Conversational Recommender System (CRS).
Language: Python - Size: 651 KB - Last synced at: 29 days ago - Pushed at: about 1 year ago - Stars: 525 - Forks: 115

ChenChengKuan/awesome-text-generation
A curated list of recent models of text generation and application
Size: 55.7 KB - Last synced at: 4 days ago - Pushed at: over 3 years ago - Stars: 494 - Forks: 75

fastnlp/CPT
CPT: A Pre-Trained Unbalanced Transformer for Both Chinese Language Understanding and Generation
Language: Python - Size: 1.33 MB - Last synced at: 15 days ago - Pushed at: over 2 years ago - Stars: 486 - Forks: 72

EagleW/PaperRobot
Code for PaperRobot: Incremental Draft Generation of Scientific Ideas
Language: Python - Size: 63.8 MB - Last synced at: 5 months ago - Pushed at: about 1 year ago - Stars: 473 - Forks: 134

shibing624/nlp-tutorial
自然语言处理(NLP)教程,包括:词向量,词法分析,预训练语言模型,文本分类,文本语义匹配,信息抽取,翻译,对话。
Language: Jupyter Notebook - Size: 2.69 MB - Last synced at: 15 days ago - Pushed at: almost 3 years ago - Stars: 444 - Forks: 70

THUNLP-MT/TG-Reading-List
A text generation reading list maintained by Tsinghua Natural Language Processing Group.
Language: TeX - Size: 115 KB - Last synced at: about 2 months ago - Pushed at: about 5 years ago - Stars: 439 - Forks: 44

SkyWorkAIGC/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.
Size: 54.7 KB - Last synced at: over 1 year ago - Pushed at: about 2 years ago - Stars: 416 - Forks: 20

deepseek-php/deepseek-php-client
⚡️ supercharged community-maintained PHP API client that allows you to interact with deepseek API
Language: PHP - Size: 114 KB - Last synced at: 4 days ago - Pushed at: 5 days ago - Stars: 403 - Forks: 40

henk717/KoboldAI Fork of KoboldAI/KoboldAI-Client
KoboldAI is generative AI software optimized for fictional use, but capable of much more!
Language: C++ - Size: 94 MB - Last synced at: 3 days ago - Pushed at: 3 months ago - Stars: 398 - Forks: 138

FranxYao/Deep-Generative-Models-for-Natural-Language-Processing
DGMs for NLP. A roadmap.
Size: 32 MB - Last synced at: about 2 months ago - Pushed at: over 2 years ago - Stars: 390 - Forks: 32

graykode/commit-autosuggestions
A tool that AI automatically recommends commit messages.
Language: Python - Size: 52.6 MB - Last synced at: 16 days ago - Pushed at: over 1 year ago - Stars: 389 - Forks: 17

rish-16/gpt2client 📦
✍🏻 gpt2-client: Easy-to-use TensorFlow Wrapper for GPT-2 117M, 345M, 774M, and 1.5B Transformer Models 🤖 📝
Language: Python - Size: 3.2 MB - Last synced at: 8 months ago - Pushed at: almost 4 years ago - Stars: 372 - Forks: 74

hitz-zentroa/GoLLIE
Guideline following Large Language Model for Information Extraction
Language: Python - Size: 10.8 MB - Last synced at: 1 day ago - Pushed at: 6 months ago - Stars: 365 - Forks: 26

madaan/minimal-text-diffusion
A minimal implementation of diffusion models for text generation
Language: Python - Size: 4.29 MB - Last synced at: 7 days ago - Pushed at: almost 2 years ago - Stars: 356 - Forks: 31

SqueezeAILab/KVQuant
[NeurIPS 2024] KVQuant: Towards 10 Million Context Length LLM Inference with KV Cache Quantization
Language: Python - Size: 19.8 MB - Last synced at: 1 day ago - Pushed at: 8 months ago - Stars: 339 - Forks: 30

vicgalle/gpt-j-api
API for the GPT-J language model 🦜. Including a FastAPI backend and a streamlit frontend
Language: Python - Size: 108 KB - Last synced at: 12 months ago - Pushed at: over 3 years ago - Stars: 334 - Forks: 58

uzaymacar/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.
Language: Python - Size: 525 KB - Last synced at: over 1 year ago - Pushed at: over 3 years ago - Stars: 326 - Forks: 83

deepset-ai/haystack-tutorials
Here you can find all the Tutorials for Haystack 📓
Language: Jupyter Notebook - Size: 5.17 MB - Last synced at: 4 days ago - Pushed at: 4 days ago - Stars: 315 - Forks: 107

minimaxir/gpt-2-cloud-run
Text-generation API via GPT-2 for Cloud Run
Language: HTML - Size: 153 KB - Last synced at: 11 months ago - Pushed at: almost 4 years ago - Stars: 313 - Forks: 85

krishnap25/mauve
Package to compute Mauve, a similarity score between neural text and human text. Install with `pip install mauve-text`.
Language: Python - Size: 4.36 MB - Last synced at: 8 days ago - Pushed at: 9 months ago - Stars: 286 - Forks: 25

cabralpinto/modular-diffusion
Python library for designing and training your own Diffusion Models with PyTorch.
Language: Python - Size: 31.1 MB - Last synced at: 8 days ago - Pushed at: 9 months ago - Stars: 279 - Forks: 15

lucasjinreal/tensorflow_novelist
模仿莎士比亚创作戏剧!屌炸天的是还能创作金庸武侠小说!快star,保持更新!!
Language: Python - Size: 12.8 MB - Last synced at: 13 days ago - Pushed at: about 8 years ago - Stars: 262 - Forks: 83

akanyaani/gpt-2-tensorflow2.0
OpenAI GPT2 pre-training and sequence prediction implementation in Tensorflow 2.0
Language: Python - Size: 4.67 MB - Last synced at: 5 months ago - Pushed at: about 2 years ago - Stars: 259 - Forks: 83

Hzfinfdu/Diffusion-BERT
ACL'2023: DiffusionBERT: Improving Generative Masked Language Models with Diffusion Models
Language: Python - Size: 1.69 MB - Last synced at: over 1 year ago - Pushed at: almost 2 years ago - Stars: 255 - Forks: 15

yxuansu/MAGIC
Language Models Can See: Plugging Visual Controls in Text Generation
Language: Python - Size: 132 MB - Last synced at: 5 months ago - Pushed at: almost 3 years ago - Stars: 254 - Forks: 27

abelriboulot/onnxt5
Summarization, translation, sentiment-analysis, text-generation and more at blazing speed using a T5 version implemented in ONNX.
Language: Python - Size: 1010 KB - Last synced at: 8 days ago - Pushed at: over 2 years ago - Stars: 253 - Forks: 30

amirbar/rnn.wgan
Code for training and evaluation of the model from "Language Generation with Recurrent Generative Adversarial Networks without Pre-training"
Language: Python - Size: 37.1 KB - Last synced at: 11 days ago - Pushed at: about 7 years ago - Stars: 251 - Forks: 76

THUDM/KOBE
Towards Knowledge-Based Personalized Product Description Generation in E-commerce @ KDD 2019
Language: Python - Size: 836 KB - Last synced at: 13 days ago - Pushed at: over 2 years ago - Stars: 239 - Forks: 70

bjascob/amrlib
A python library that makes AMR parsing, generation and visualization simple.
Language: Python - Size: 951 KB - Last synced at: 15 days ago - Pushed at: about 1 year ago - Stars: 236 - Forks: 34

lipiji/SongNet
Code for ACL 2020 paper "Rigid Formats Controlled Text Generation":https://www.aclweb.org/anthology/2020.acl-main.68/
Language: Python - Size: 2.87 MB - Last synced at: 12 months ago - Pushed at: almost 4 years ago - Stars: 227 - Forks: 39

minimaxir/download-tweets-ai-text-gen
Python script to download public Tweets from a given Twitter account into a format suitable for AI text generation.
Language: Python - Size: 289 KB - Last synced at: 13 days ago - Pushed at: almost 5 years ago - Stars: 225 - Forks: 41

OEvortex/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!
Language: Python - Size: 8.56 MB - Last synced at: 3 days ago - Pushed at: 3 days ago - Stars: 219 - Forks: 41

gyunggyung/KoGPT2-FineTuning
🔥 Korean GPT-2, KoGPT2 FineTuning cased. 한국어 가사 데이터 학습 🔥
Language: Python - Size: 24.6 MB - Last synced at: over 1 year ago - Pushed at: almost 2 years ago - Stars: 217 - Forks: 59

rant-lang/rant
Rant - The templating language for procedural generation.
Language: Rust - Size: 836 KB - Last synced at: 16 days ago - Pushed at: almost 3 years ago - Stars: 209 - Forks: 14

akoksal/LongForm
Reverse Instructions to generate instruction tuning data with corpus examples
Size: 29.2 MB - Last synced at: about 1 month ago - Pushed at: about 1 year ago - Stars: 208 - Forks: 10

HanXinzi-AI/awesome-NLP-resources
a collection of NLP projects&tools. 自然语言处理方向项目和工具集合。
Size: 17.2 MB - Last synced at: 11 days ago - Pushed at: 11 months ago - Stars: 194 - Forks: 31

jackaduma/Recurrent-LLM
The open-source LLM implementation of paper: RecurrentGPT: Interactive Generation of (Arbitrarily) Long Text. AI 写小说,AI写作
Language: Python - Size: 771 KB - Last synced at: 1 day ago - Pushed at: over 1 year ago - Stars: 189 - Forks: 37

lipiji/Guyu
Chinese GPT2: pre-training and fine-tuning framework for text generation
Language: Python - Size: 6.08 MB - Last synced at: 12 months ago - Pushed at: almost 4 years ago - Stars: 186 - Forks: 42

jxhe/vae-lagging-encoder
PyTorch implementation of "Lagging Inference Networks and Posterior Collapse in Variational Autoencoders" (ICLR 2019)
Language: Python - Size: 835 KB - Last synced at: over 1 year ago - Pushed at: over 4 years ago - Stars: 183 - Forks: 33

SunnyGJing/t5-pegasus-chinese
基于GOOGLE T5中文生成式模型的摘要生成/指代消解,支持batch批量生成,多进程
Language: Python - Size: 2.12 MB - Last synced at: over 1 year ago - Pushed at: about 3 years ago - Stars: 180 - Forks: 31

daspartho/prompt-extend
extending stable diffusion prompts with suitable style cues using text generation
Language: Jupyter Notebook - Size: 4.29 MB - Last synced at: 18 days ago - Pushed at: over 2 years ago - Stars: 176 - Forks: 7

beyondguo/genius
💡GENIUS – generating text using sketches! A strong text generation & data augmentation tool.
Language: Python - Size: 6.02 MB - Last synced at: 5 months ago - Pushed at: over 2 years ago - Stars: 174 - Forks: 16

ashbuilds/payload-ai
AI Plugin is a powerful extension for the Payload CMS, integrating advanced AI capabilities to enhance content creation and management.
Language: TypeScript - Size: 82.2 MB - Last synced at: 8 days ago - Pushed at: 18 days ago - Stars: 172 - Forks: 29

infinitylogesh/mutate
A library to synthesize text datasets using Large Language Models (LLM)
Language: Python - Size: 163 KB - Last synced at: about 1 month ago - Pushed at: over 2 years ago - Stars: 151 - Forks: 8

minimaxir/ctrl-gce
Set up the CTRL text-generating model on Google Compute Engine with just a few console commands.
Language: Shell - Size: 131 KB - Last synced at: 6 days ago - Pushed at: over 5 years ago - Stars: 151 - Forks: 13

csinva/gpt-paper-title-generator
Generating paper titles (and more!) with GPT trained on data scraped from arXiv.
Language: Jupyter Notebook - Size: 59.4 MB - Last synced at: 14 days ago - Pushed at: almost 2 years ago - Stars: 148 - Forks: 32

salesforce/ctrl-sum
Resources for the "CTRLsum: Towards Generic Controllable Text Summarization" paper
Language: Python - Size: 1.79 MB - Last synced at: 13 days ago - Pushed at: almost 2 years ago - Stars: 146 - Forks: 22

FreedomIntelligence/crosstalk-generation
Code and data for crosstalk text generation tasks, exploring whether large models and pre-trained language models can understand humor.
Language: Python - Size: 39.8 MB - Last synced at: 10 days ago - Pushed at: over 2 years ago - Stars: 144 - Forks: 17

pistocop/pistoBot
Create an AI that chats like you
Language: Python - Size: 96.7 KB - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 140 - Forks: 21

INK-USC/CommonGen
A Constrained Text Generation Challenge Towards Generative Commonsense Reasoning
Language: Python - Size: 107 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 136 - Forks: 23

huankoh/long-doc-summarization
Long Document Summarization Papers
Size: 390 KB - Last synced at: 12 months ago - Pushed at: over 1 year ago - Stars: 125 - Forks: 10

TobiasLee/Chinese-Hip-pop-Generation
Generate Chinese hip-pop lyrics using GAN
Language: Python - Size: 121 KB - Last synced at: over 1 year ago - Pushed at: over 4 years ago - Stars: 125 - Forks: 30

suncloudsmoon/TextCraft
Integrates AI tools into Microsoft Word
Language: C# - Size: 1.42 MB - Last synced at: 28 days ago - Pushed at: 4 months ago - Stars: 124 - Forks: 7

minimaxir/mtg-gpt-2-cloud-run
Code and UI for running a Magic card text generator API via GPT-2
Language: HTML - Size: 592 KB - Last synced at: 22 days ago - Pushed at: over 5 years ago - Stars: 121 - Forks: 19

stardut/Text-Generate-RNN
中国古诗生成(文本生成)
Language: Python - Size: 33.4 MB - Last synced at: over 1 year ago - Pushed at: almost 7 years ago - Stars: 120 - Forks: 27

hugochan/RL-based-Graph2Seq-for-NQG
Code & data accompanying the ICLR 2020 paper "Reinforcement Learning Based Graph-to-Sequence Model for Natural Question Generation"
Language: Python - Size: 5.94 MB - Last synced at: over 1 year ago - Pushed at: almost 3 years ago - Stars: 119 - Forks: 19

voidism/Lookback-Lens
Code for the EMNLP 2024 paper "Detecting and Mitigating Contextual Hallucinations in Large Language Models Using Only Attention Maps"
Language: Python - Size: 22.4 MB - Last synced at: 3 months ago - Pushed at: 8 months ago - Stars: 118 - Forks: 6

bansky-cl/diffusion-nlp-paper-arxiv
Auto get diffusion nlp papers in Axriv. More papers Information can be found in another repository "Diffusion-LM-Papers".
Language: Python - Size: 1.38 MB - Last synced at: 1 day ago - Pushed at: 1 day ago - Stars: 111 - Forks: 3
