vgoklani
Interested in Deep Learning (self-supervised learning & LLMs), Astrophysics (exoplanets), and Cosmology (CMB).... I like to build things
New York, NY
Pinned Repositories
flash-attention
Fast and memory-efficient exact attention
GPTQ-triton
GPTQ inference Triton kernel
gptq
Code for the ICLR 2023 paper "GPTQ: Accurate Post-training Quantization of Generative Pretrained Transformers".
TransformerEngine
A library for accelerating Transformer models on NVIDIA GPUs, including using 8-bit floating point (FP8) precision on Hopper and Ada GPUs, to provide better performance with lower memory utilization in both training and inference.
pytorch
Tensors and Dynamic neural networks in Python with strong GPU acceleration
RedisTimeSeries
Time Series data structure for Redis
vgoklani's Repositories
vgoklani/Instagram_Like_Predictor
vgoklani/MEDIUM_NoteBook
Repository containing notebooks of my post on Medium
vgoklani/2019-in-demand-ds-tech-skills
Jupyter notebook for scraping and analysis of most in demand job technologies skills for data scientists.
vgoklani/6-607-Algorithms-for-Big-Data-Analysis
vgoklani/abcd
vgoklani/autoencoder_classifier
Autoencoder model for rare event classification
vgoklani/BERT-pytorch
Google AI 2018 BERT pytorch implementation
vgoklani/BiomeBERT-pytorch
BERT modified to work with microbiome data
vgoklani/bitsandbytes
8-bit CUDA functions for PyTorch
vgoklani/bytephase
A byte-pair tokenizer for use with LLMs providing a Python API with C extensions for improved performance
vgoklani/covid-19
A collection of work related to COVID-19
vgoklani/ESRNN-GPU
PyTorch GPU implementation of the ES-RNN model for time series forecasting
vgoklani/GetOldTweets-python
A project written in Python to get old tweets, it bypass some limitations of Twitter Official API.
vgoklani/GPT2
PyTorch Implementation of OpenAI GPT-2
vgoklani/GTC_2020_Transformers_Lab
The Notebooks for the Nvidia GTC 2020
vgoklani/hydranets_course
vgoklani/llm.c
LLM training in simple, raw C/CUDA
vgoklani/lstm_autoencoder_classifier
An LSTM Autoencoder for rare event classification
vgoklani/marker
Convert PDF to markdown quickly with high accuracy
vgoklani/minGPT
A minimal PyTorch re-implementation of the OpenAI GPT (Generative Pretrained Transformer) training
vgoklani/NLP_Classification_Model_FakeNews
Using NLP and Classification Models to distinguish between fake news and absurd news.
vgoklani/ohio-precincts
Shapefile of voting precincts in Ohio (as of 2016) merged with election returns
vgoklani/old-twitter
A chrome extension to remove the ugly X branding from Twitter
vgoklani/pytorch-yolo-v3
A PyTorch implementation of the YOLO v3 object detection algorithm
vgoklani/robintrack
Scrapes the Robinhood API to retrieve + store popularity and price data.
vgoklani/serve
Model Serving on PyTorch
vgoklani/Stocks-1
Programs for stock prediction and evaluation
vgoklani/text-generation-inference
Large Language Model Text Generation Inference
vgoklani/torchnlp
Easy to use NLP library built on PyTorch and TorchText
vgoklani/Transformers-Model-Parallelism
Implementing Model Parallelism using Hugging Face Transformers and PyTorch