Pinned Repositories
kor_pretrain_LM
https://ailabs.enliple.com/
AdaMix
This is the implementation of the paper AdaMix: Mixture-of-Adapter for Parameter-efficient Tuning of Large Language Models(https://arxiv.org/abs/2205.12410).
cfit
GPU memory estimator for ML models: Analyze Hugging Face repos to determine memory requirements for various precisions (32/16/8/4-bit) and model sizes, helping you fit models on your GPU.
jeonsworld.github.io
KF-DeBERTa
카카오뱅크 & 에프엔가이드에서 학습한 금융 도메인 특화 언어모델
korean-sentence-splitter
Split Korean text into sentences using heuristic algorithm.
KoreanNumber
한글 <-> 숫자 변환 라이브러리
MLP-Mixer-Pytorch
Pytorch reimplementation of the Mixer (MLP-Mixer: An all-MLP Architecture for Vision)
vit-keras
Keras implementation of ViT (Vision Transformer)
ViT-pytorch
Pytorch reimplementation of the Vision Transformer (An Image is Worth 16x16 Words: Transformers for Image Recognition at Scale)
jeonsworld's Repositories
jeonsworld/awesome-torch
A curated list of awesome Torch tutorials, projects and communities
jeonsworld/bert
TensorFlow code and pre-trained models for BERT
jeonsworld/cove
jeonsworld/decaNLP
The Natural Language Decathlon: A Multitask Challenge for NLP
jeonsworld/dist_tuto.pth
PyTorch Distributed Tutorial
jeonsworld/distill-bert
Knowledge Distillation from BERT
jeonsworld/docker-pytorch
A Docker image for PyTorch
jeonsworld/examples
A set of examples around pytorch in Vision, Text, Reinforcement Learning, etc.
jeonsworld/fairseq
Facebook AI Research Sequence-to-Sequence Toolkit written in Python.
jeonsworld/GLUE-baselines
[DEPRECATED] Repo for exploring multi-task learning approaches to learning sentence representations
jeonsworld/gpt-2
Code for the paper "Language Models are Unsupervised Multitask Learners"
jeonsworld/lectures
Oxford Deep NLP 2017 course
jeonsworld/Machine-Learning-Yearning-Korean-Translation
Korean translation of machine learning yearning book by Andrew Ng.
jeonsworld/natural-questions
jeonsworld/NLP-progress
Repository to track the progress in Natural Language Processing (NLP), including the datasets and the current state-of-the-art for the most common NLP tasks.
jeonsworld/pytorch
Tensors and Dynamic neural networks in Python with strong GPU acceleration
jeonsworld/Pytorch-Torchtext-Seq2Seq
Pytorch and Torchtext implementation of Sequence to sequence
jeonsworld/pytorch-tutorial
PyTorch Tutorial for Deep Learning Researchers
jeonsworld/pytorch_pretrained_BERT
jeonsworld/pytorchic-bert
Pytorch Implementation of Google BERT
jeonsworld/QANet-pytorch-
A Pytorch implementation of QANet
jeonsworld/relational-rnn-pytorch
An implementation of DeepMind's Relational Recurrent Neural Networks in PyTorch.
jeonsworld/sparse_attention
Examples of using sparse attention, as in "Generating Long Sequences with Sparse Transformers"
jeonsworld/tensorboard-embedding-visualization
Embedding Visualization in TensorBoard
jeonsworld/WordPieceModel
Word Piece Model python light version with functions tokenize/save/load