ChanJeong Park (ckswjd99)

ckswjd99

Geek Repo

Company:Seoul National University

Location:Seoul, South Korea

Home Page:https://5iq.cc

Github PK Tool:Github PK Tool

ChanJeong Park's starred repositories

Awesome-Quantization-Papers

List of papers related to neural network quantization in recent AI conferences and journals.

License:MITStargazers:402Issues:0Issues:0

BiBench

[ICML 2023] This project is the official implementation of our accepted ICML 2023 paper BiBench: Benchmarking and Analyzing Network Binarization.

Language:PythonStargazers:54Issues:0Issues:0

BinaryConnect

Implementation of BinaryConnect on Pytorch

Language:Jupyter NotebookLicense:MITStargazers:36Issues:0Issues:0

XNNPACK

High-efficiency floating-point neural network inference operators for mobile, server, and Web

Language:CLicense:NOASSERTIONStargazers:1803Issues:0Issues:0

AdderNet

Code for paper " AdderNet: Do We Really Need Multiplications in Deep Learning?"

Language:PythonLicense:BSD-3-ClauseStargazers:952Issues:0Issues:0

awesome-model-quantization

A list of papers, docs, codes about model quantization. This repo is aimed to provide the info for model quantization research, we are continuously improving the project. Welcome to PR the works (papers, repositories) that are missed by the repo.

Stargazers:1774Issues:0Issues:0

matmulfreellm

Implementation for MatMul-free LM.

Language:PythonLicense:Apache-2.0Stargazers:2838Issues:0Issues:0
Language:Jupyter NotebookStargazers:65Issues:0Issues:0

cifar10-resnet

PyTorch implementation of a 9-layer ResNet for CIFAR-10.

Language:PythonStargazers:11Issues:0Issues:0

pytorch-cifar

95.47% on CIFAR10 with PyTorch

Language:PythonLicense:MITStargazers:5889Issues:0Issues:0

pytorch-seq2seq

An open source framework for seq2seq models in PyTorch.

Language:PythonLicense:Apache-2.0Stargazers:1490Issues:0Issues:0

pytorch_resnet_cifar10

Proper implementation of ResNet-s for CIFAR10/100 in pytorch that matches description of the original paper.

Language:PythonLicense:BSD-2-ClauseStargazers:1190Issues:0Issues:0

MLP-Mixer-CIFAR

PyTorch implementation of Mixer-nano (#parameters is 0.67M, originally Mixer-S/16 has 18M) with 90.83 % acc. on CIFAR-10. Training from scratch.

Language:PythonLicense:MITStargazers:26Issues:0Issues:0

RNN-on-wikitext2

Pytorch of RNN and LSTM on wikitext2 dataset

Language:Jupyter NotebookLicense:MITStargazers:7Issues:0Issues:0

fwdgrad

Implementation of "Gradients without backpropagation" paper (https://arxiv.org/abs/2202.08587) using functorch

Language:PythonLicense:MITStargazers:93Issues:0Issues:0

Awesome-LLM-Inference

📖A curated list of Awesome LLM Inference Paper with codes, TensorRT-LLM, vLLM, streaming-llm, AWQ, SmoothQuant, WINT8/4, Continuous Batching, FlashAttention, PagedAttention etc.

License:GPL-3.0Stargazers:2293Issues:0Issues:0

vision-transformers-cifar10

Let's train vision transformers (ViT) for cifar 10!

Language:PythonLicense:MITStargazers:509Issues:0Issues:0

gpt-2-Pytorch

Simple Text-Generator with OpenAI gpt-2 Pytorch Implementation

Language:PythonLicense:MITStargazers:957Issues:0Issues:0

DeepZero

[ICLR'24] "DeepZero: Scaling up Zeroth-Order Optimization for Deep Model Training" by Aochuan Chen*, Yimeng Zhang*, Jinghan Jia, James Diffenderfer, Jiancheng Liu, Konstantinos Parasyris, Yihua Zhang, Zheng Zhang, Bhavya Kailkhura, Sijia Liu

Language:PythonLicense:MITStargazers:33Issues:0Issues:0

feedback-alignment-pytorch

Implementation of feedback alignment learning in PyTorch

Language:PythonStargazers:29Issues:0Issues:0

MeZO

[NeurIPS 2023] MeZO: Fine-Tuning Language Models with Just Forward Passes. https://arxiv.org/abs/2305.17333

Language:PythonLicense:MITStargazers:1012Issues:0Issues:0

pytorch-cifar100

Practice on cifar100(ResNet, DenseNet, VGG, GoogleNet, InceptionV3, InceptionV4, Inception-ResNetv2, Xception, Resnet In Resnet, ResNext,ShuffleNet, ShuffleNetv2, MobileNet, MobileNetv2, SqueezeNet, NasNet, Residual Attention Network, SENet, WideResNet)

Language:PythonStargazers:4152Issues:0Issues:0

Knowledge-Inheritance

Source code for paper: Knowledge Inheritance for Pre-trained Language Models

Language:PythonStargazers:37Issues:0Issues:0

LiGO

[ICLR 2023] "Learning to Grow Pretrained Models for Efficient Transformer Training" by Peihao Wang, Rameswar Panda, Lucas Torroba Hennigen, Philip Greengard, Leonid Karlinsky, Rogerio Feris, David Cox, Zhangyang Wang, Yoon Kim

Language:PythonLicense:MITStargazers:81Issues:0Issues:0
Language:Jupyter NotebookLicense:Apache-2.0Stargazers:52Issues:0Issues:0

clustered-imagenet-labels

A dataset for production-friendly image classifiers

Language:PythonStargazers:3Issues:0Issues:0

vit-pytorch

Implementation of Vision Transformer, a simple way to achieve SOTA in vision classification with only a single transformer encoder, in Pytorch

Language:PythonLicense:MITStargazers:19382Issues:0Issues:0

pytorch-vgg-cifar10

This is the PyTorch implementation of VGG network trained on CIFAR10 dataset

Language:Jupyter NotebookLicense:MITStargazers:342Issues:0Issues:0

nccl

Optimized primitives for collective multi-GPU communication

Language:C++License:NOASSERTIONStargazers:3083Issues:0Issues:0

ASPEN

This is the proof-of-concept CPU implementation of ASPEN used for the NeurIPS'23 paper ASPEN: Breaking Operator Barriers for Efficient Parallelization of Deep Neural Networks.

Language:AssemblyStargazers:8Issues:0Issues:0