An open API service providing repository metadata for many open source software ecosystems.

GitHub topics: gpt-2

leo848/DEversAI

Quelltext für das Jugend forscht-Projekt "DEversAI: Training und Visualisierung deutsch lokalisierter direktionalkomplementärer LLMs"

Language: Python - Size: 12.9 MB - Last synced at: about 4 hours ago - Pushed at: about 4 hours ago - Stars: 3 - Forks: 0

reshalfahsi/gpt2chat

Creating a GPT-2-Based Chatbot with Human Preferences

Language: Jupyter Notebook - Size: 10.3 MB - Last synced at: about 4 hours ago - Pushed at: about 5 hours ago - Stars: 0 - Forks: 0

SkalskiP/vlms-zero-to-hero

This series will take you on a journey from the fundamentals of NLP and Computer Vision to the cutting edge of Vision-Language Models.

Language: Jupyter Notebook - Size: 338 KB - Last synced at: about 13 hours ago - Pushed at: 4 months ago - Stars: 1,063 - Forks: 97

BlinkDL/RWKV-LM

RWKV (pronounced RwaKuv) is an RNN with great LLM performance, which can also be directly trained like a GPT transformer (parallelizable). We are at RWKV-7 "Goose". So it's combining the best of RNN and transformer - great performance, linear time, constant space (no kv-cache), fast training, infinite ctx_len, and free sentence embedding.

Language: Python - Size: 22.1 MB - Last synced at: about 10 hours ago - Pushed at: 2 days ago - Stars: 13,577 - Forks: 912

NielsRogge/Transformers-Tutorials

This repository contains demos I made with the Transformers library by HuggingFace.

Language: Jupyter Notebook - Size: 225 MB - Last synced at: about 18 hours ago - Pushed at: about 20 hours ago - Stars: 10,841 - Forks: 1,606

akash-cs13/Smoll-GPT

A compact language model

Language: Python - Size: 3.05 MB - Last synced at: 1 day ago - Pushed at: 1 day ago - Stars: 1 - Forks: 0

keith2018/TinyGPT

Tiny C++11 GPT-2 inference implementation from scratch

Language: C++ - Size: 648 KB - Last synced at: 1 day ago - Pushed at: 1 day ago - Stars: 58 - Forks: 11

niieani/gpt-tokenizer

The fastest JavaScript BPE Tokenizer Encoder Decoder for OpenAI's GPT-2 / GPT-3 / GPT-4 / GPT-4o / GPT-o1. Port of OpenAI's tiktoken with additional features.

Language: TypeScript - Size: 13.2 MB - Last synced at: about 17 hours ago - Pushed at: 2 months ago - Stars: 568 - Forks: 40

certik/fastGPT

Fast GPT-2 inference written in Fortran

Language: Fortran - Size: 206 KB - Last synced at: about 3 hours ago - Pushed at: 1 day ago - Stars: 195 - Forks: 19

DiamondGotCat/Zeta-Tool

Fully Open-source LLM Tool

Language: Python - Size: 159 KB - Last synced at: 1 day ago - Pushed at: 1 day ago - Stars: 2 - Forks: 1

iammm0/growforever-model

实现心智模拟交互的创意模型

Language: Python - Size: 40 KB - Last synced at: 2 days ago - Pushed at: 2 days ago - Stars: 2 - Forks: 0

lonePatient/awesome-pretrained-chinese-nlp-models

Awesome Pretrained Chinese NLP Models,高质量中文预训练模型&大模型&多模态模型&大语言模型集合

Language: Python - Size: 1.8 MB - Last synced at: 2 days ago - Pushed at: 2 days ago - Stars: 5,235 - Forks: 493

shreyansh26/Annotated-ML-Papers

Annotations of the interesting ML papers I read

Size: 315 MB - Last synced at: 2 days ago - Pushed at: 2 days ago - Stars: 240 - Forks: 23

TheronAI/d-zero

Taking GPT-2 to new heights by simulating an extended context window

Language: Python - Size: 19.5 KB - Last synced at: 3 days ago - Pushed at: 7 days ago - Stars: 0 - Forks: 0

nb71325/XAI-Stock-market-prediction

We tested 3 distinct Deep Learning models (the LSTM-GRU hybrid model turned out to be the best) to forecast AAPL price movements, focusing on the prior 90 days. We additionally incorporated RSI and MACD to better mimic the actual price. To provide more insights, we combined SHAP with GPT-2, to find out the proper time to invest in these stocks.

Language: Jupyter Notebook - Size: 59.8 MB - Last synced at: 4 days ago - Pushed at: 4 days ago - Stars: 0 - Forks: 0

guillaume-be/rust-bert

Rust native ready-to-use NLP pipelines and transformer-based models (BERT, DistilBERT, GPT2,...)

Language: Rust - Size: 4.07 MB - Last synced at: 2 days ago - Pushed at: 2 months ago - Stars: 2,835 - Forks: 223

DiamondGotCat/Zeta-Dataset

Azuki.ai - A community-driven generative AI project

Language: Python - Size: 181 KB - Last synced at: 4 days ago - Pushed at: 4 days ago - Stars: 4 - Forks: 0

polakowo/gpt2bot

Your new Telegram buddy powered by transformers

Language: Jupyter Notebook - Size: 5.63 MB - Last synced at: 2 days ago - Pushed at: about 1 year ago - Stars: 436 - Forks: 106

mishl-dev/Discord-AI-Chatbot 📦

This Discord chatbot is incredibly versatile. Powered incredibly fast Groq API

Language: Python - Size: 1.08 MB - Last synced at: 3 days ago - Pushed at: 12 months ago - Stars: 1,351 - Forks: 423

ademyanchuk/gpt2-diy

From-scratch reproduction of GPT-2 following Andrej Karpathy's "Zero to Hero" series.

Language: Jupyter Notebook - Size: 567 KB - Last synced at: 6 days ago - Pushed at: 6 days ago - Stars: 0 - Forks: 0

Techiral/GPT-Jailbreak

This repository contains the jailbreaking process for GPT-3, GPT-4, GPT-3.5, ChatGPT, and ChatGPT Plus. By following the instructions in this repository, you will be able to gain access to the inner workings of these language models and modify them to your liking.

Size: 14.6 KB - Last synced at: 2 days ago - Pushed at: almost 2 years ago - Stars: 207 - Forks: 30

MuzzammilShah/GPT-TransformerModel-2

An end-to-end PyTorch implementation of a GPT-2 style language model (124M) released by OpenAI and inspired by Karpathy’s NanoGPT. Covers core components like tokenization, multi-head self-attention, transformer blocks, positional embeddings and various other key ML concepts.

Language: Jupyter Notebook - Size: 816 KB - Last synced at: 8 days ago - Pushed at: 8 days ago - Stars: 0 - Forks: 0

microsoft/LoRA

Code for loralib, an implementation of "LoRA: Low-Rank Adaptation of Large Language Models"

Language: Python - Size: 33.3 MB - Last synced at: 8 days ago - Pushed at: 5 months ago - Stars: 11,839 - Forks: 747

edwinzhang98/Final-Project-Group5

DATS 6312 NLP Final Project: DistillGPT2 based on Wasserstein Distance

Language: Jupyter Notebook - Size: 1.91 MB - Last synced at: 9 days ago - Pushed at: 9 days ago - Stars: 0 - Forks: 0

guinmoon/LLMFarm

llama and other large language models on iOS and MacOS offline using GGML library.

Language: Swift - Size: 322 MB - Last synced at: 9 days ago - Pushed at: about 2 months ago - Stars: 1,743 - Forks: 130

guinmoon/llmfarm_core.swift

Swift library to work with llama and other large language models.

Language: C++ - Size: 3.86 MB - Last synced at: 9 days ago - Pushed at: 3 months ago - Stars: 258 - Forks: 46

EleutherAI/gpt-neo 📦

An implementation of model parallel GPT-2 and GPT-3-style models using the mesh-tensorflow library.

Language: Python - Size: 1.56 MB - Last synced at: 6 days ago - Pushed at: about 3 years ago - Stars: 8,286 - Forks: 962

ToddThomson/Mila

Achilles Mila Deep Neural Network library provides a comprehensive API to model, train and evaluate Deep Neural Networks for both research and production environments. The library implements state-of-the-art architectures including transformers, convolutional networks, and recurrent models. The NVIDIA CUDA runtime is used for GPU acceleration.

Language: C++ - Size: 43 MB - Last synced at: 10 days ago - Pushed at: 10 days ago - Stars: 2 - Forks: 0

stochasticai/xTuring

Build, customize and control you own LLMs. From data pre-processing to fine-tuning, xTuring provides an easy way to personalize open-source LLMs. Join our discord community: https://discord.gg/TgHXuSJEk6

Language: Python - Size: 18.4 MB - Last synced at: 9 days ago - Pushed at: 8 months ago - Stars: 2,641 - Forks: 204

jarodchristiansen/PythonProjects

Full Stack Web Development, Machine Learning, and Deep Learning in Python. Content from Various courses as well as personal projects. (Currently largest repo 10/6/2020)

Language: Jupyter Notebook - Size: 31.7 MB - Last synced at: 10 days ago - Pushed at: 11 days ago - Stars: 3 - Forks: 2

microsoft/DialoGPT

Large-scale pretraining for dialogue

Language: Python - Size: 43.6 MB - Last synced at: 1 day ago - Pushed at: over 2 years ago - Stars: 2,383 - Forks: 347

Tharun007-TK/gpt2-custom

Custom Mini-GPT2 Model built using TensorFlow/Keras. It supports training on custom text data, saving weights to .h5, and generating new text from a prompt using a simple prediction loop.

Language: Python - Size: 9.77 KB - Last synced at: 12 days ago - Pushed at: 12 days ago - Stars: 0 - Forks: 0

huggingface/transfer-learning-conv-ai

🦄 State-of-the-Art Conversational AI with Transfer Learning

Language: Python - Size: 55.7 KB - Last synced at: 1 day ago - Pushed at: almost 2 years ago - Stars: 1,749 - Forks: 433

BrikerMan/Kashgari

Kashgari is a production-level NLP Transfer learning framework built on top of tf.keras for text-labeling and text-classification, includes Word2Vec, BERT, and GPT2 Language Embedding.

Language: Python - Size: 14.3 MB - Last synced at: 3 days ago - Pushed at: 8 months ago - Stars: 2,389 - Forks: 435

MK2112/d-zero

efficient, extensible GPT-2 training framework with integrated active self-summarization to simulate extended context windows

Language: Python - Size: 21.5 KB - Last synced at: 14 days ago - Pushed at: 14 days ago - Stars: 0 - Forks: 0

busradeveci/Odev1-Notlarim

This repository contains my project for the AI and Technology Academy course. The project uses GPT-2 for text generation.

Language: Python - Size: 4.88 KB - Last synced at: 14 days ago - Pushed at: 15 days ago - Stars: 0 - Forks: 0

HectorPulido/Deeplearning-based-Twitch-bot

This is a twitch chatbot based in Llama2 tecnology

Language: Python - Size: 83 KB - Last synced at: 9 days ago - Pushed at: 10 days ago - Stars: 27 - Forks: 6

explosion/spacy-transformers

🛸 Use pretrained transformers like BERT, XLNet and GPT-2 in spaCy

Language: Python - Size: 1.15 MB - Last synced at: 4 days ago - Pushed at: 3 months ago - Stars: 1,383 - Forks: 172

lxe/simple-llm-finetuner

Simple UI for LLM Model Finetuning

Language: Jupyter Notebook - Size: 1.53 MB - Last synced at: 9 days ago - Pushed at: over 1 year ago - Stars: 2,061 - Forks: 130

FoundationVision/Infinity

[CVPR 2025 Oral]Infinity ∞ : Scaling Bitwise AutoRegressive Modeling for High-Resolution Image Synthesis

Language: Python - Size: 10.1 MB - Last synced at: 15 days ago - Pushed at: 15 days ago - Stars: 1,210 - Forks: 55

varun-suresh/experiments-with-gpt2

Experimenting with GPT-2 and BERT

Language: Jupyter Notebook - Size: 580 KB - Last synced at: 15 days ago - Pushed at: 15 days ago - Stars: 0 - Forks: 0

K-H-Ismail/torchortho

Code for Learnable polynomial, trigonometric, and tropical activations

Language: Python - Size: 24.4 KB - Last synced at: 5 days ago - Pushed at: 3 months ago - Stars: 8 - Forks: 0

cedrickchee/awesome-transformer-nlp

A curated list of NLP resources focused on Transformer networks, attention mechanism, GPT, BERT, ChatGPT, LLMs, and transfer learning.

Size: 905 KB - Last synced at: 9 days ago - Pushed at: 6 months ago - Stars: 1,091 - Forks: 131

sidharth72/GPT-124M-CPP

A Reproduction of GPT-2 (124M) using C++

Language: Jupyter Notebook - Size: 731 KB - Last synced at: 16 days ago - Pushed at: 16 days ago - Stars: 1 - Forks: 0

ankitdhall/torchsmith

Torchsmith is a minimalist library that focuses on understanding generative AI by building it from PyTorch primitives

Language: Python - Size: 9.76 MB - Last synced at: 17 days ago - Pushed at: 17 days ago - Stars: 0 - Forks: 0

francomano/myGPT2

My GPT2 implementation from scratch

Language: Jupyter Notebook - Size: 42 KB - Last synced at: 15 days ago - Pushed at: 17 days ago - Stars: 0 - Forks: 0

ReshiAdavan/Thoth

tokenizer for large-scale language models (GPT, Claude, Llama, etc.)

Language: Python - Size: 2.96 MB - Last synced at: 9 days ago - Pushed at: 10 months ago - Stars: 0 - Forks: 0

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: 9 days ago - Pushed at: over 2 years ago - Stars: 145 - Forks: 17

microsoft/AdaMix

This is the implementation of the paper AdaMix: Mixture-of-Adaptations for Parameter-efficient Model Tuning (https://arxiv.org/abs/2205.12410).

Language: Python - Size: 16.7 MB - Last synced at: 1 day ago - Pushed at: over 1 year ago - Stars: 130 - Forks: 11

alexeykarnachev/full_stack_transformer

Pytorch library for end-to-end transformer models training, inference and serving

Language: Python - Size: 13.1 MB - Last synced at: 20 days ago - Pushed at: 20 days ago - Stars: 70 - Forks: 6

mahsasheikh/DrugGen

DrugGen: Advancing Drug Discovery with Large Language Models and Reinforcement Learning Feedback

Language: Python - Size: 72.3 KB - Last synced at: 20 days ago - Pushed at: 21 days ago - Stars: 8 - Forks: 1

dbiir/UER-py

Open Source Pre-training Model Framework in PyTorch & Pre-trained Model Zoo

Language: Python - Size: 50.5 MB - Last synced at: 19 days ago - Pushed at: about 1 year ago - Stars: 3,060 - Forks: 523

kartikey2807/Transformer-based-GPT-model

Mimic GPT-2 (124 million parameter) like transformer (decoder) model. Compare performance against OpenAI's model on prediction accuracy.

Size: 6.84 KB - Last synced at: 21 days ago - Pushed at: 22 days ago - Stars: 0 - Forks: 0

promptslab/openai-detector

AI classifier for indicating AI-written text

Language: Python - Size: 705 KB - Last synced at: 11 days ago - Pushed at: about 2 years ago - Stars: 128 - Forks: 27

yangjianxin1/GPT2-chitchat

GPT2 for Chinese chitchat/用于中文闲聊的GPT2模型(实现了DialoGPT的MMI思想)

Language: Python - Size: 511 KB - Last synced at: 12 days ago - Pushed at: over 1 year ago - Stars: 3,014 - Forks: 678

ronthekiehn/gpt-river

A testimate to how far language models have come

Language: HTML - Size: 151 KB - Last synced at: 23 days ago - Pushed at: 23 days ago - Stars: 1 - Forks: 0

codota/tabnine-sublime

Tabnine Autocomplete AI: JavaScript, Python, TypeScript, PHP, C/C++, HTML/CSS, Go, Java, Ruby, C#, Rust, SQL, Bash, Kotlin, Julia, Lua, OCaml, Perl, Haskell, React

Language: Python - Size: 1.05 GB - Last synced at: 12 days ago - Pushed at: 12 days ago - Stars: 200 - Forks: 38

erogol/BlaGPT

Experimental playground for benchmarking language model (LM) architectures, layers, and tricks on smaller datasets. Designed for flexible experimentation and exploration.

Language: Python - Size: 780 KB - Last synced at: 5 days ago - Pushed at: about 1 month ago - Stars: 25 - Forks: 3

CursedPrograms/Cursed-GPT

CursedGPT leverages the Hugging Face Transformers library to interact with a pre-trained GPT-2 model. It employs TensorFlow for model management and AutoTokenizer for efficient tokenization. The script enables users to input prompts interactively, generating text responses from the GPT-2 model.

Language: Python - Size: 7.64 MB - Last synced at: 17 days ago - Pushed at: 25 days ago - Stars: 10 - Forks: 1

worldbank/REaLTabFormer

A suite of auto-regressive and Seq2Seq (sequence-to-sequence) transformer models for tabular and relational synthetic data generation.

Language: Jupyter Notebook - Size: 12.2 MB - Last synced at: 17 days ago - Pushed at: about 2 months ago - Stars: 225 - Forks: 26

samber/go-gpt-3-encoder

Go BPE tokenizer (Encoder+Decoder) for GPT2 and GPT3

Language: Go - Size: 558 KB - Last synced at: 1 day ago - Pushed at: 5 months ago - Stars: 79 - Forks: 21

jaymody/picoGPT

An unnecessarily tiny implementation of GPT-2 in NumPy.

Language: Python - Size: 13.7 KB - Last synced at: 25 days ago - Pushed at: about 2 years ago - Stars: 3,343 - Forks: 433

Cobertos/awesome-generative-sandboxes

📦 A list of interactive sandboxes that use generative algorithms

Size: 2.99 MB - Last synced at: 3 days ago - Pushed at: over 4 years ago - Stars: 24 - Forks: 1

Tirthraj1605/Multimodal_Visual_Knowledge_Assistant

Multimodal_Visual_Knowledge_Assistant is a deep learning project that classifies images and generates contextual text using CLIP and GPT-2. It supports domains like Medical, Fashion, Microscopy, and Nature to provide smart visual-textual insights.

Language: Jupyter Notebook - Size: 1.17 MB - Last synced at: 24 days ago - Pushed at: 26 days ago - Stars: 0 - Forks: 0

NotShrirang/LLM-Garden

Implementing different LLM architectures in single repo

Language: Python - Size: 30.3 KB - Last synced at: 27 days ago - Pushed at: 27 days ago - Stars: 1 - Forks: 0

yuanxiaosc/Text-generation-task-and-language-model-GPT2

solve text generation tasks by the language model GPT2, including papers, code, demo demos, and hands-on tutorials. 使用语言模型GPT2来解决文本生成任务的资源,包括论文、代码、展示demo和动手教程。

Size: 921 KB - Last synced at: 1 day ago - Pushed at: over 5 years ago - Stars: 26 - Forks: 6

Morizeyao/GPT2-Chinese

Chinese version of GPT2 training code, using BERT tokenizer.

Language: Python - Size: 13.1 MB - Last synced at: 29 days ago - Pushed at: about 1 year ago - Stars: 7,554 - Forks: 1,707

FoundationVision/VAR

[NeurIPS 2024 Best Paper][GPT beats diffusion🔥] [scaling laws in visual generation📈] Official impl. of "Visual Autoregressive Modeling: Scalable Image Generation via Next-Scale Prediction". An *ultra-simple, user-friendly yet state-of-the-art* codebase for autoregressive image generation!

Language: Jupyter Notebook - Size: 620 KB - Last synced at: 29 days ago - Pushed at: about 2 months ago - Stars: 7,408 - Forks: 463

losttech/Gradient-Samples

Samples for TensorFlow binding for .NET by Lost Tech

Language: C# - Size: 672 KB - Last synced at: 7 days ago - Pushed at: over 2 years ago - Stars: 61 - Forks: 10

turtlesoupy/this-word-does-not-exist

This Word Does Not Exist

Language: Python - Size: 37 MB - Last synced at: 27 days ago - Pushed at: about 3 years ago - Stars: 1,017 - Forks: 82

re-search/DocProduct

Medical Q&A with Deep Language Models

Language: Jupyter Notebook - Size: 16.7 MB - Last synced at: 12 days ago - Pushed at: about 2 years ago - Stars: 567 - Forks: 156

graykode/gpt-2-Pytorch

Simple Text-Generator with OpenAI gpt-2 Pytorch Implementation

Language: Python - Size: 2.33 MB - Last synced at: 26 days ago - Pushed at: almost 6 years ago - Stars: 990 - Forks: 229

codota/tabnine-vscode

Visual Studio Code client for Tabnine. https://marketplace.visualstudio.com/items?itemName=TabNine.tabnine-vscode

Language: TypeScript - Size: 1.4 GB - Last synced at: 28 days ago - Pushed at: about 1 month ago - Stars: 1,413 - Forks: 195

matlab-deep-learning/transformer-models

Deep Learning Transformer models in MATLAB

Language: MATLAB - Size: 158 KB - Last synced at: about 1 month ago - Pushed at: over 1 year ago - Stars: 216 - Forks: 61

alvarobartt/bpe.zig

Minimal implementation of a Byte Pair Encoding (BPE) tokenizer in Zig

Language: Zig - Size: 126 KB - Last synced at: 1 day ago - Pushed at: about 1 month ago - Stars: 11 - Forks: 0

aehrc/cvt2distilgpt2

Improving Chest X-Ray Report Generation by Leveraging Warm-Starting

Language: Python - Size: 93.5 MB - Last synced at: 27 days ago - Pushed at: 12 months ago - Stars: 67 - Forks: 7

Tencent/TencentPretrain

Tencent Pre-training framework in PyTorch & Pre-trained Model Zoo

Language: Python - Size: 41.2 MB - Last synced at: about 1 month ago - Pushed at: 9 months ago - Stars: 1,072 - Forks: 148

imcaspar/gpt2-ml

GPT2 for Multiple Languages, including pretrained models. GPT2 多语言支持, 15亿参数中文预训练模型

Language: Python - Size: 977 KB - Last synced at: about 1 month ago - Pushed at: almost 2 years ago - Stars: 1,715 - Forks: 334

shreyansh26/Red-Teaming-Language-Models-with-Language-Models

A re-implementation of the "Red Teaming Language Models with Language Models" paper by Perez et al., 2022

Language: Python - Size: 73 MB - Last synced at: 9 days ago - Pushed at: over 1 year ago - Stars: 28 - Forks: 4

r-tensorflow/gpt2

R Interface to OpenAI's GPT-2 model

Language: Python - Size: 76.2 KB - Last synced at: 17 days ago - Pushed at: about 4 years ago - Stars: 26 - Forks: 5

chenneking/transformer-explained

An decoder-only transformer implementation with lots of explanatory comments.

Language: Python - Size: 25.4 KB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 0 - Forks: 0

RuiVarela/SmallLanguageModel

Simple small GPT

Language: Python - Size: 14 MB - Last synced at: 10 days ago - Pushed at: about 1 month ago - Stars: 0 - Forks: 0

yangjianxin1/CPM

Easy-to-use CPM for Chinese text generation(基于CPM的中文文本生成)

Language: Python - Size: 798 KB - Last synced at: about 1 month ago - Pushed at: about 2 years ago - Stars: 532 - Forks: 133

tg12/gpt_jailbreak_status

This is a repository that aims to provide updates on the status of jailbreaking the OpenAI GPT language model.

Language: HTML - Size: 2.89 MB - Last synced at: 26 days ago - Pushed at: about 1 year ago - Stars: 913 - Forks: 68

VHellendoorn/Code-LMs

Guide to using pre-trained large language models of source code

Language: Python - Size: 2.17 MB - Last synced at: 28 days ago - Pushed at: 10 months ago - Stars: 1,821 - Forks: 254

satojkovic/gpt-tf-pytorch-jax

GPT from scratch (tensorflow / pytorch / jax)

Language: Python - Size: 28.3 KB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 0 - Forks: 0

codota/tabnine-intellij

Jetbrains IDEs client for TabNine. Compatible with all IntelliJ-based IDEs. https://plugins.jetbrains.com/plugin/12798-tabnine

Language: Kotlin - Size: 110 MB - Last synced at: about 1 month ago - Pushed at: about 1 year ago - Stars: 538 - Forks: 70

gpahal/microgpt

A micro GPT implementation and training pipeline in PyTorch

Language: Jupyter Notebook - Size: 15.6 MB - Last synced at: 6 days ago - Pushed at: about 1 month ago - Stars: 0 - Forks: 0

morka17/ml-projects

Basic lessons and projects for building an LLM and AI assistance

Language: Jupyter Notebook - Size: 1.8 MB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 0 - Forks: 0

CPSparrow/GPT-from-Zero

利用公开语料从0开始训练的中文gpt模型(以gpt2为模板)

Language: Python - Size: 2.78 MB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 0 - Forks: 0

voidful/TextRL

Implementation of ChatGPT RLHF (Reinforcement Learning with Human Feedback) on any generation model in huggingface's transformer (blommz-176B/bloom/gpt/bart/T5/MetaICL)

Language: Python - Size: 400 KB - Last synced at: about 1 month ago - Pushed at: 12 months ago - Stars: 556 - Forks: 59

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: 26 days ago - Pushed at: over 3 years ago - Stars: 2,388 - Forks: 372

prakhar21/TextAugmentation-GPT2

Fine-tuned pre-trained GPT2 for custom topic specific text generation. Such system can be used for Text Augmentation.

Language: Python - Size: 655 KB - Last synced at: about 3 hours ago - Pushed at: almost 2 years ago - Stars: 193 - Forks: 43

BigSalmon2/InformalToFormalDataset

Informal to formal dataset mask MLM

Language: Python - Size: 737 KB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 5 - Forks: 0

GPTSafe/PromptGuard

Build production ready apps for GPT using Node.js & TypeScript

Language: TypeScript - Size: 848 KB - Last synced at: about 1 month ago - Pushed at: about 2 years ago - Stars: 42 - Forks: 1

Muavia1/Fine-Tuning-GPT2-on-MathRiddles-Dataset

This repository contains code for fine-tuning GPT-2 to generate math riddles with solutions using Hugging Face’s transformers and TRL.

Language: Jupyter Notebook - Size: 17.6 KB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 0 - Forks: 0

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 days ago - Pushed at: about 2 years ago - Stars: 262 - Forks: 84

dayyass/language-modeling

Pipeline for training Language Models using PyTorch.

Language: Python - Size: 68.4 KB - Last synced at: 2 days ago - Pushed at: almost 3 years ago - Stars: 12 - Forks: 0

Riminder/python-hrflow-api

🐍 HrFlow API Python Wrapper. AI Powered Job & Profile API. Extract, Enrich and Qualify HR Data.

Language: Python - Size: 892 KB - Last synced at: 25 days ago - Pushed at: 6 months ago - Stars: 12 - Forks: 8

Alen-Scaria1516/121CS0237_SEM8_NLP-LAB

This repository features lab assignments and modules from my 8th semester NLP Lab.

Language: Jupyter Notebook - Size: 88.8 MB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 0 - Forks: 0