Pinned Repositories
torchsde
Differentiable SDE solvers with GPU support and efficient sensitivity analysis.
BDMC
PyTorch implementation of Bidirectional Monte Carlo, Annealed Importance Sampling, and Hamiltonian Monte Carlo.
Differentially-Private-Fine-tuning-of-Language-Models
Code for ICLR 2022 submission "Differentially Private Fine-tuning of Language Models".
FastChat
An open platform for training, serving, and evaluating large language models. Release repo for Vicuna and Chatbot Arena.
inference-suboptimality
Code for "Inference Suboptimality in Variational Autoencoders"
ml-swissknife
An ML research codebase built with friends :)
private-transformers
A codebase that makes differentially private training of transformers easy.
alpaca_eval
An automatic evaluator for instruction-following language models. Human-validated, high-quality, cheap, and fast.
alpaca_farm
A simulation framework for RLHF and alternatives. Develop your RLHF method without collecting human data.
stanford_alpaca
Code and documentation to train Stanford's Alpaca models, and generate the data.
lxuechen's Repositories
lxuechen/BDMC
PyTorch implementation of Bidirectional Monte Carlo, Annealed Importance Sampling, and Hamiltonian Monte Carlo.
lxuechen/inference-suboptimality
Code for "Inference Suboptimality in Variational Autoencoders"
lxuechen/latent_ode
Code for "Latent ODEs for Irregularly-Sampled Time Series" paper
lxuechen/BREEDS-Benchmarks
lxuechen/CodeBERT
CodeBERT
lxuechen/compound-pcfg
lxuechen/dart
lxuechen/e2e-metrics
E2E NLG Challenge Evaluation metrics
lxuechen/fast-dpsgd
Code for fast dpsgd implementations in JAX/TF
lxuechen/Gradient-Embedding-Perturbation
lxuechen/hugo-academic
The website designer for Hugo. Build and deploy a beautiful website in minutes :rocket:
lxuechen/ICLR20-Great
Data and Code for Reproducing "Global Relational Models of Source Code"
lxuechen/imcmc
Image Markov Chain Monte Carlo
lxuechen/KFAC-Pytorch
Pytorch implementation of KFAC and E-KFAC (Natural Gradient).
lxuechen/learning_to_execute
Learning to Execute
lxuechen/minGPT
A minimal PyTorch re-implementation of the OpenAI GPT (Generative Pretrained Transformer) training
lxuechen/OpenVocabCodeNLM
Contains the code for our ICSE 2020 paper: Big Code != Big Vocabulary: Open-Vocabulary Language Models for Source Code and for its earlier pre-print: Maybe Deep Neural Networks are the Best Choice for Modeling Source Code (https://arxiv.org/abs/1903.05734). This is the first open vocabulary language model for code that uses the byte pair encoding algorithm (BPE) to learn a segmentation of code tokens into subword units.
lxuechen/P-tuning
A novel method to tune language models. Codes and datasets for paper ``GPT understands, too''.
lxuechen/privacy
Library for training machine learning models with privacy for training data
lxuechen/pycparser
:snake: Complete C99 parser in pure Python
lxuechen/pytorch-struct
Fast, general, and tested differentiable structured prediction in PyTorch
lxuechen/SketchGraphs
A dataset of 15 million CAD sketches with geometric constraint graphs.
lxuechen/Synaptic-Flow
lxuechen/torchdiffeq
Differentiable ODE solvers with full GPU support and O(1)-memory backpropagation.
lxuechen/transfer-learning-conv-ai
🦄 State-of-the-Art Conversational AI with Transfer Learning
lxuechen/transformer-xl