nikyim's Stars
openai/tiktoken
tiktoken is a fast BPE tokeniser for use with OpenAI's models.
eugeneyan/open-llms
đź“‹ A list of open LLMs available for commercial use.
oobabooga/text-generation-webui
A Gradio web UI for Large Language Models.
CKIP-Joint/BLOOM-zh-1B1
BLOOM-zh is a modification from BLOOM. BLOOM-zh is trained extendedly on larger amounts of Traditional Chinese text data while it still maintains its pretrained English ability
openai/openai-cookbook
Examples and guides for using the OpenAI API
zetavg/LLaMA-LoRA-Tuner
UI tool for fine-tuning and testing your own LoRA models base on LLaMA, GPT-J and more. One-click run on Google Colab. + A Gradio ChatGPT-like Chat UI to demonstrate your language models.
databrickslabs/dolly
Databricks’ Dolly, a large language model trained on the Databricks Machine Learning Platform
huggingface/peft
🤗 PEFT: State-of-the-art Parameter-Efficient Fine-Tuning.
tatsu-lab/stanford_alpaca
Code and documentation to train Stanford's Alpaca models, and generate the data.
meta-llama/llama
Inference code for Llama models
lm-sys/FastChat
An open platform for training, serving, and evaluating large language models. Release repo for Vicuna and Chatbot Arena.
tloen/alpaca-lora
Instruct-tune LLaMA on consumer hardware
shap/shap
A game theoretic approach to explain the output of any machine learning model.
Picsart-AI-Research/SeMask-Segmentation
[NIVT Workshop @ ICCV 2023] SeMask: Semantically Masked Transformers for Semantic Segmentation
sail-sg/poolformer
PoolFormer: MetaFormer Is Actually What You Need for Vision (CVPR 2022 Oral)
marcotcr/checklist
Beyond Accuracy: Behavioral Testing of NLP models with CheckList
harvardnlp/pytorch-struct
Fast, general, and tested differentiable structured prediction in PyTorch
bhoov/exbert
A Visual Analysis Tool to Explore Learned Representations in Transformers Models
thunlp/SememePSO-Attack
Code and data of the ACL 2020 paper "Word-level Textual Adversarial Attacking as Combinatorial Optimization"
facebookresearch/MUSE
A library for Multilingual Unsupervised or Supervised word Embeddings
ludwig-ai/ludwig
Low-code framework for building custom LLMs, neural networks, and other AI models
airaria/TextBrewer
A PyTorch-based knowledge distillation toolkit for natural language processing
facebookresearch/ParlAI
A framework for training and evaluating AI models on a variety of openly available dialogue datasets.
cahya-wirawan/indonesian-language-models
Indonesian Language Models and its Usage
agravier/csvtopg
Fast utility to transform and load a CSV file in a PostgreSQL table
pbloem/former
Simple transformer implementation from scratch in pytorch.
tangjianpku/LINE
LINE: Large-scale information network embedding
makcedward/nlpaug
Data augmentation for NLP
26hzhang/DL-NLP-Readings
My Reading Lists of Deep Learning and Natural Language Processing
WillKoehrsen/hyperparameter-optimization
Implementation of Bayesian Hyperparameter Optimization of Machine Learning Algorithms