YuffieHuang's Stars
krahets/hello-algo
《Hello 算法》:动画图解、一键运行的数据结构与算法教程。支持 Python, Java, C++, C, C#, JS, Go, Swift, Rust, Ruby, Kotlin, TS, Dart 代码。简体版和繁体版同步更新,English version ongoing
ggerganov/llama.cpp
LLM inference in C/C++
zylon-ai/private-gpt
Interact with your documents using the power of GPT, 100% privately, no data leaks
lukas-blecher/LaTeX-OCR
pix2tex: Using a ViT to convert images of equations into LaTeX code.
Unstructured-IO/unstructured
Open source libraries and APIs to build custom preprocessing pipelines for labeling, training, or production machine learning pipelines.
huggingface/text-generation-inference
Large Language Model Text Generation Inference
shawwn/llama-dl
High-speed download of LLaMA, Facebook's 65B parameter GPT model
mistralai/mistral-finetune
Farama-Foundation/HighwayEnv
A minimalist environment for decision-making in autonomous driving
huggingface/blog
Public repo for HF blog posts
yang-song/score_sde_pytorch
PyTorch implementation for Score-Based Generative Modeling through Stochastic Differential Equations (ICLR 2021, Oral)
yang-song/score_sde
Official code for Score-Based Generative Modeling through Stochastic Differential Equations (ICLR 2021, Oral)
FullStackRetrieval-com/RetrievalTutorials
ericyangyu/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.
QData/spacetimeformer
Multivariate Time Series Forecasting with efficient Transformers. Code for the paper "Long-Range Transformers for Dynamic Spatiotemporal Forecasting."
yyysjz1997/Awesome-TimeSeries-SpatioTemporal-Diffusion-Model
A survey and paper list of current Diffusion Model for Time Series and SpatioTemporal Data with awesome resources (paper, application, review, survey, etc.).
Harry24k/bayesian-neural-network-pytorch
PyTorch implementation of bayesian neural network [torchbnn]
HelenGuohx/logbert
log anomaly detection via BERT
hannawong/MLE-interview
该仓库记录搜索推荐算法工程师的必备面试知识点+paper
qsh-zh/DiffFlow
[Neurips 2021]Diffusion Normalizing Flow (DiffFlow)
rssmith33/Active-Inference-Tutorial-Scripts
Supplementary scripts for Step-by-step active inference modelling tutorial
bark-simulator/bark-ml
Gym environments and agents for autonomous driving.
ashutoshIITK/install_cuda_cudnn_ubuntu_20
Tutorial to install NVIDIA Drivers, CUDA 11.4 and cuDNN for deep learning programming on Ubuntu 20.04.
rubentak/Langchain
This repository will show how Langchain🦜🔗 library can be used and integrated
Jace-Yang/MLE-interview
该仓库记录搜索推荐算法工程师的必备面试知识点+paper
tigergraph/graph-ml-notebooks
senyuanya/LDENet
zjkhurry/Graph-RAG
A graph rag for PDFs based on langchain and Neo4j. Can fetch PDFs from Zotero Library through zotero api.
mbaltieri/PIDcontrolActiveInference
PID-like control implemented as active inference with linear generative models
ProfessorNova/PPO-Car
Gymnasium car environment. Autonomous Racing with Proximal Policy Optimization and custom tracks.