Pinned Repositories
Adversarial-Learning-for-Neural-Dialogue-Generation-in-Tensorflow
Adversarial-Learning-for-Neural-Dialogue-Generation-in-Tensorflow
Algorithm_Interview_Notes-Chinese
2018/2019/校招/春招/秋招/算法/机器学习(Machine Learning)/深度学习(Deep Learning)/自然语言处理(NLP)/C/C++/Python/面试笔记
amazon-sagemaker-examples
Example 📓 Jupyter notebooks that demonstrate how to build, train, and deploy machine learning models using 🧠 Amazon SageMaker.
annotated_deep_learning_paper_implementations
🧑🏫 60 Implementations/tutorials of deep learning papers with side-by-side notes 📝; including transformers (original, xl, switch, feedback, vit, ...), optimizers (adam, adabelief, sophia, ...), gans(cyclegan, stylegan2, ...), 🎮 reinforcement learning (ppo, dqn), capsnet, distillation, ... 🧠
Audio-Classification-Models
Audio classification is a popular topic, here I implement several models using TenserFlow and Keras.
awesome-document-understanding
A curated list of resources for Document Understanding (DU) topic
awesome-lane-detection
A paper list of lane detection.
limohanlmh's Repositories
limohanlmh/annotated_deep_learning_paper_implementations
🧑🏫 60 Implementations/tutorials of deep learning papers with side-by-side notes 📝; including transformers (original, xl, switch, feedback, vit, ...), optimizers (adam, adabelief, sophia, ...), gans(cyclegan, stylegan2, ...), 🎮 reinforcement learning (ppo, dqn), capsnet, distillation, ... 🧠
limohanlmh/awesome-document-understanding
A curated list of resources for Document Understanding (DU) topic
limohanlmh/Awesome-LLM
Awesome-LLM: a curated list of Large Language Model
limohanlmh/bert_score
BERT score for text generation
limohanlmh/build-nanogpt
Video+code lecture on building nanoGPT from scratch
limohanlmh/Causality4NLP_Papers
A reading list for papers on causality for natural language processing (NLP)
limohanlmh/char-rnn
Multi-layer Recurrent Neural Networks (LSTM, GRU, RNN) for character-level language models in Torch
limohanlmh/chinese_fuzzy_matching
100行解决中文模糊实体识别with字典树和编辑距离 Chinese fuzzy entity matching with prefix tree and distance editing
limohanlmh/CS294-112
CS 294-112 @ UCB Deep RL
limohanlmh/DRL
Deep Reinforcement Learning
limohanlmh/InstructUIE
Universal information extraction with instruction learning
limohanlmh/Live
收集于互联网的一些高清直播源。
limohanlmh/LoRA
Code for loralib, an implementation of "LoRA: Low-Rank Adaptation of Large Language Models"
limohanlmh/micrograd
A tiny scalar-valued autograd engine and a neural net library on top of it with PyTorch-like API
limohanlmh/minbpe
Minimal, clean code for the Byte Pair Encoding (BPE) algorithm commonly used in LLM tokenization.
limohanlmh/minGPT
A minimal PyTorch re-implementation of the OpenAI GPT (Generative Pretrained Transformer) training
limohanlmh/mt-dnn
Multi-Task Deep Neural Networks for Natural Language Understanding
limohanlmh/nanoGPT
The simplest, fastest repository for training/finetuning medium-sized GPTs.
limohanlmh/nn-zero-to-hero
Neural Networks: Zero to Hero
limohanlmh/notes
limohanlmh/pysheeet
Python Cheat Sheet
limohanlmh/RecommenderSystem
limohanlmh/SearchEngine
搜索引擎原理
limohanlmh/SimCSE
[EMNLP 2021] SimCSE: Simple Contrastive Learning of Sentence Embeddings https://arxiv.org/abs/2104.08821
limohanlmh/Stock_Analysis_For_Quant
Various Types of Stock Analysis in Excel, Matlab, Power BI, Python, R, and Tableau
limohanlmh/The-Art-of-Linear-Algebra
Graphic notes on Gilbert Strang's "Linear Algebra for Everyone"
limohanlmh/tianshou
An elegant, flexible, and superfast PyTorch deep reinforcement learning platform.
limohanlmh/tiktoken
tiktoken is a fast BPE tokeniser for use with OpenAI's models.
limohanlmh/UGEN
Incorporating Instructional Prompts into A Unified Generative Framework for Joint Multiple Intent Detection and Slot Filling - Coling2022(Oral))
limohanlmh/wl-coref
This repository contains the code for EMNLP-2021 paper "Word-Level Coreference Resolution"