Discover the top trending Jupyter Notebook repositories and projects on Github. Explore the latest trends in Jupyter Notebook development.

Trending Repositories

1

LLMs-from-scratch

Implementing ChatGPT-like LLMs from scratch, step by step
🔥🔥🔥
2

generative-ai-for-beginners

18 Lessons, Get Started Building with Generative AI 🔗 https://microsoft.github.io/generative-ai-for-beginners/
🔥🔥
3

MiniCPM

MiniCPM-2B: An end-side LLM outperforms Llama2-13B.
🔥
4

autogen

A programming framework for agentic AI. Discord: https://aka.ms/autogen-dc. Roadmap: https://aka.ms/autogen-roadmap
📣
5

gemma

Open weights LLM from Google DeepMind.
⬆️
6

everyone-can-use-english

人人都能用英语
⬆️
7

stable-diffusion

A latent text-to-image diffusion model
⬆️
8

natural-sql

A series of top performing Text to SQL LLMs
⬆️
9

AI-For-Beginners

12 Weeks, 24 Lessons, AI for All!
⬆️
10

guidance

A guidance language for controlling large language models.
⬆️
11

llama-recipes

Scripts for fine-tuning Llama2 with composable FSDP & PEFT methods to cover single/multi-node GPUs. Supports default & custom datasets for applications such as summarization & question answering. Supporting a number of candid inference solutions such as HF TGI, VLLM for local or cloud deployment.Demo apps to showcase Llama2 for WhatsApp & Messenger
⬆️
12

self-llm

《开源大模型食用指南》基于Linux环境快速部署开源大模型,更适合中国宝宝的部署教程
⬆️
13

insanely-fast-whisper

⬆️
14

Mora

Mora: More like Sora for Generalist Video Generation
⬆️
15

segment-anything

The repository provides code for running inference with the SegmentAnything Model (SAM), links for downloading the trained model checkpoints, and example notebooks that show how to use the model.
⬆️
16

PhotoMaker

PhotoMaker
⬆️
17

LLMTest_NeedleInAHaystack

Doing simple retrieval from LLM models at various context lengths to measure accuracy
⬆️
18

WhisperSpeech

An Open Source text-to-speech system built by inverting Whisper.
⬆️
19

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, ... 🧠
⬆️
20

CLIP

CLIP (Contrastive Language-Image Pretraining), Predict the most relevant text snippet given an image
⬆️
21

Triton-Puzzles

⬆️
22

IP-Adapter

The image prompt adapter is designed to enable a pretrained text-to-image diffusion model to generate images with image prompt.
⬆️
23

micrograd

A tiny scalar-valued autograd engine and a neural net library on top of it with PyTorch-like API
⬆️
24

Grounded-Segment-Anything

Grounded-SAM: Marrying Grounding-DINO with Segment Anything & Stable Diffusion & Recognize Anything - Automatically Detect , Segment and Generate Anything
⬆️
25

cookbook

Open-source AI cookbook
⬆️
26

tortoise-tts

A multi-voice TTS system trained with an emphasis on quality
⬆️
27

open_clip

An open source implementation of CLIP.
⬆️
28

AISystem

AISystem 主要是指AI系统,包括AI芯片、AI编译器、AI推理和训练框架等AI全栈底层技术
⬆️
29

nn-zero-to-hero

Neural Networks: Zero to Hero
⬆️
30

seamless_communication

Foundational Models for State-of-the-Art Speech and Text Translation
⬆️
31

FRESCO

[CVPR 2024] FRESCO: Spatial-Temporal Correspondence for Zero-Shot Video Translation
⬆️
32

pyannote-audio

Neural building blocks for speaker diarization: speech activity detection, speaker change detection, overlapped speech detection, speaker embedding
⬆️
33

latent-diffusion

High-Resolution Image Synthesis with Latent Diffusion Models
⬆️
34

InternVL

InternVL: Scaling up Vision Foundation Models and Aligning for Generic Visual-Linguistic Tasks —— An Open-Source Alternative to ViT-22B
⬆️
35

repeng

A library for making RepE control vectors
⬆️
36

qlora

QLoRA: Efficient Finetuning of Quantized LLMs
⬆️
37

super-json-mode

Low latency JSON generation using LLMs ⚡️
⬆️
38

annotated-mamba

Annotated version of the Mamba paper
⬆️
39

FinGPT

FinGPT: Open-Source Financial Large Language Models! Revolutionize 🔥 We release the trained model on HuggingFace.
⬆️
40

makeMoE

From scratch implementation of a sparse mixture of experts language model inspired by Andrej Karpathy's makemore :)
⬆️
41

Inpaint-Anything

Inpaint anything using Segment Anything and inpainting models.
⬆️
42

LAVIS

LAVIS - A One-stop Library for Language-Vision Intelligence
⬆️
43

phoenix

AI Observability & Evaluation
⬆️
44

LaVIT

LaVIT: Unified Language-Vision Pretraining in LLM with Dynamic Discrete Visual Tokenization
⬆️
45

llm-universe

本项目是一个面向小白开发者的大模型应用开发教程,在线阅读地址:https://datawhalechina.github.io/llm-universe/
⬆️
46

algorithmica

A computer science textbook
⬆️
47

dinov2

PyTorch code and models for the DINOv2 self-supervised learning method.
⬆️
48

Design2Code

⬆️
49

fastembed

Fast, Accurate, Lightweight Python library to make State of the Art Embedding
⬆️
50

jsonformer

A Bulletproof Way to Generate Structured JSON from Language Models
⬆️
51

generative-ai

Sample code and notebooks for Generative AI on Google Cloud
⬆️
52

StreamMultiDiffusion

Official code for the paper "StreamMultiDiffusion: Real-Time Interactive Generation with Region-Based Semantic Control."
⬆️
53

Transformers-Tutorials

This repository contains demos I made with the Transformers library by HuggingFace.
⬆️
54

notebooks

⬆️
55

local-llms-analyse-finance

In this project, I explored how local LLMs can be used to label data and support analyses. Specifically, I used Llama2 model to automatically categorise my bank transaction data.
⬆️
56

ml-veclip

The official repo for the paper "VeCLIP: Improving CLIP Training via Visual-enriched Captions"
⬆️
57

llm-cookbook

面向开发者的 LLM 入门教程,吴恩达大模型系列课程中文版
⬆️
58

langchain-kr

LangChain 공식 Document, Cookbook, 그 밖의 실용 예제를 바탕으로 작성한 한국어 튜토리얼입니다. 본 튜토리얼을 통해 LangChain을 더 쉽고 효과적으로 사용하는 방법을 배울 수 있습니다.
⬆️
59

whisper-diarization

Automatic Speech Recognition with Speaker Diarization based on OpenAI Whisper
⬆️
60

depth-fm

DepthFM: Fast Monocular Depth Estimation with Flow Matching
⬆️
61

lama

🦙 LaMa Image Inpainting, Resolution-robust Large Mask Inpainting with Fourier Convolutions, WACV 2022
⬆️
62

co-tracker

CoTracker is a model for tracking any point (pixel) on a video.
⬆️
63

state-spaces

Sequence Modeling with Structured State Spaces
⬆️
64

models

A collection of pre-trained, state-of-the-art models in the ONNX format
⬆️
65

MRL

Code repository for the paper - "Matryoshka Representation Learning"
⬆️
66

hands-on-llms

🦖 𝗟𝗲𝗮𝗿𝗻 about 𝗟𝗟𝗠𝘀, 𝗟𝗟𝗠𝗢𝗽𝘀, and 𝘃𝗲𝗰𝘁𝗼𝗿 𝗗𝗕𝘀 for free by designing, training, and deploying a real-time financial advisor LLM system ~ 𝘴𝘰𝘶𝘳𝘤𝘦 𝘤𝘰𝘥𝘦 + 𝘷𝘪𝘥𝘦𝘰 & 𝘳𝘦𝘢𝘥𝘪𝘯𝘨 𝘮𝘢𝘵𝘦𝘳𝘪𝘢𝘭𝘴
⬆️
67

llmsherpa

Developer APIs to Accelerate LLM Projects
⬆️
68

Kalman-and-Bayesian-Filters-in-Python

Kalman Filter book using Jupyter Notebook. Focuses on building intuition and experience, not formal proofs. Includes Kalman filters,extended Kalman filters, unscented Kalman filters, particle filters, and more. All exercises include solutions.
⬆️
69

shap

A game theoretic approach to explain the output of any machine learning model.
⬆️
70

leedl-tutorial

《李宏毅深度学习教程》(李宏毅老师推荐👍),PDF下载地址:https://github.com/datawhalechina/leedl-tutorial/releases
⬆️
71

vosk-api

Offline speech recognition API for Android, iOS, Raspberry Pi and servers with Python, Java, C# and Node
⬆️
72

data-engineering-zoomcamp

Free Data Engineering course!
⬆️
73

InstructIR

InstructIR: High-Quality Image Restoration Following Human Instructions https://huggingface.co/spaces/marcosv/InstructIR
⬆️
74

VideoGPT

⬆️
75

taming-transformers

Taming Transformers for High-Resolution Image Synthesis
⬆️
76

alpaca-lora

Instruct-tune LLaMA on consumer hardware
⬆️
77

GPU-Puzzles

Solve puzzles. Learn CUDA.
⬆️
78

lida

Automatic Generation of Visualizations and Infographics using Large Language Models
⬆️
79

EfficientLoFTR

⬆️
80

pytorch-deep-learning

Materials for the Learn PyTorch for Deep Learning: Zero to Mastery course.
⬆️
81

recognize-anything

Open-source and strong foundation image recognition models.
⬆️
82

scalax

A simple library for scaling up JAX programs
⬆️
83

LESS

Preprint: Less: Selecting Influential Data for Targeted Instruction Tuning
⬆️
84

4DGaussians

[CVPR 2024] 4D Gaussian Splatting for Real-Time Dynamic Scene Rendering
⬆️
85

Machine-Learning-Interviews

This repo is meant to serve as a guide for Machine Learning/AI technical interviews.
⬆️
86

RAGxplorer

Open-source tool to visualise your RAG 🔮
⬆️
87

google-research

Google Research
⬆️
88

PokemonRedExperiments

Playing Pokemon Red with Reinforcement Learning
⬆️
89

MedSAM

Segment Anything in Medical Images
⬆️
90

BLIP

PyTorch code for BLIP: Bootstrapping Language-Image Pre-training for Unified Vision-Language Understanding and Generation
⬆️
91

12306spy

12306查票, 找到一张能上车的票
⬆️
92

Anima

33B Chinese LLM, DPO QLORA, 100K context, AirLLM 70B inference with single 4GB GPU
⬆️
93

fastbook

The fastai book, published as Jupyter Notebooks
⬆️
94

GML2023

Graph Machine Learning course, Xavier Bresson, 2023
⬆️
95

ZoeDepth

Metric depth estimation from a single image
⬆️
96

awesome-python-applications

💿 Free software that works great, and also happens to be open-source Python.
⬆️
97

fastai

The fastai deep learning library
⬆️
98

dinosaur

⬆️
99

lora

Using Low-rank adaptation to quickly fine-tune diffusion models.
⬆️
100

stable-diffusion-webui-colab

stable diffusion webui colab
⬆️