Pinned Repositories
adaptive-large-neighbourhood-search
ALNS header-only library (loosely) based on the original implementation by Stefan Ropke.
AI
Microsoft AI
aistudio-vloong-anomaly-detection-top11
AI Studio x vLoong能源AI挑战赛——异常检测赛 A榜 TOP11 B榜 TOP8 方案
algorithm
回溯算法
algorithm-base
一位酷爱做饭的程序员,立志用动画将算法说的通俗易懂。我的面试网站 www.chengxuchu.com
algorithm011-class01
allennlp
An open-source NLP research library, built on PyTorch.
ALNS
Adaptive large neighbourhood search in Python.
tensorflow-DeepFM
Tensorflow implementation of DeepFM for CTR prediction.
transdim
Machine learning for transportation data imputation and prediction.
wallace-163's Repositories
wallace-163/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, ... 🧠
wallace-163/BEVFormer
[ECCV 2022] This is the official implementation of BEVFormer, a camera-only framework for autonomous driving perception, e.g., 3D object detection and semantic map segmentation.
wallace-163/build-nanogpt
Video+code lecture on building nanoGPT from scratch
wallace-163/cv_related_collections
wallace-163/d2l-pytorch-slides
Automatically Generated Notebook Slides
wallace-163/Deep-Learning-for-image-processing
Image Processing学习,学习教程:https://github.com/WZMIAOMIAO/deep-learning-for-image-processing 视频对应:https://space.bilibili.com/18161609
wallace-163/detr
End-to-End Object Detection with Transformers
wallace-163/dive-into-llms
《动手学大模型Dive into LLMs》系列编程实践教程
wallace-163/flash-attention-minimal
Flash Attention in ~100 lines of CUDA (forward pass only)
wallace-163/GeekbangCourse-Rapid_Development_of_RAG
极客邦邀请制作,极客时间《RAG 快速开发实战》课程对应代码仓库
wallace-163/gurobipy-pandas
Convenience wrapper for building optimization models from pandas data
wallace-163/KishManani
wallace-163/LLaMa3-Numpy-trainable
用Numpy复现可训练的LLaMa3
wallace-163/LLMs-from-scratch
Implementing a ChatGPT-like LLM in PyTorch from scratch, step by step
wallace-163/llms-from-scratch-cn
仅需Python基础,从0构建大语言模型;从0逐步构建GLM4\Llama3\RWKV6, 深入理解大模型原理
wallace-163/makemore
An autoregressive character-level language model for making more things
wallace-163/micrograd
A tiny scalar-valued autograd engine and a neural net library on top of it with PyTorch-like API
wallace-163/modeling-examples
Gurobi modeling examples
wallace-163/nano-llama31
nanoGPT style version of Llama 3.1
wallace-163/nanoGPT
The simplest, fastest repository for training/finetuning medium-sized GPTs.
wallace-163/PPO-for-Beginners
A simple and well styled PPO implementation. Based on my Medium series: https://medium.com/@eyyu/coding-ppo-from-scratch-with-pytorch-part-1-4-613dfc1b14c8.
wallace-163/pytorch-paligemma
Coding a Multimodal (Vision) Language Model from scratch in PyTorch with full explanation: https://www.youtube.com/watch?v=vAmKB7iPkWw
wallace-163/pytorch-stable-diffusion
Stable Diffusion implemented from scratch in PyTorch
wallace-163/rlhf-ppo
Notes and commented code for RLHF (PPO)
wallace-163/Simple_LLM_DPO
wallace-163/stable-diffusion-webui
Stable Diffusion web UI
wallace-163/streaming-llm
[ICLR 2024] Efficient Streaming Language Models with Attention Sinks
wallace-163/tft-torch
A Python library that implements ״Temporal Fusion Transformers for Interpretable Multi-horizon Time Series Forecasting״
wallace-163/TradeMaster
TradeMaster is an open-source platform for quantitative trading empowered by reinforcement learning :fire: :zap: :rainbow:
wallace-163/yolo-v1
PyTorch implementation of the YOLOv1 architecture presented in "You Only Look Once: Unified, Real-Time Object Detection" by Joseph Redmon, Santosh Divvala, Ross Girshick, Ali Farhadi