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

Trending Repositories

1

sam2

The repository provides code for running inference with the Meta Segment Anything Model 2 (SAM 2), links for downloading the trained model checkpoints, and example notebooks that show how to use the model.
🔥🔥🔥
2

LLMs-from-scratch

Implementing ChatGPT-like LLMs from scratch, step by step
📣
3

courses

Anthropic's educational courses
📣
4

GPU-Puzzles

Solve puzzles. Learn CUDA.
📣
5

autogen

A programming framework for agentic AI 🤖
⬆️
6

generative-ai-for-beginners

21 Lessons, Get Started Building with Generative AI 🔗 https://microsoft.github.io/generative-ai-for-beginners/
⬆️
7

GenAI_Agents

This repository provides tutorials and implementations for various Generative AI Agent techniques, from basic to advanced. It serves as a comprehensive guide for building intelligent, interactive AI systems.
⬆️
8

MiniCPM

MiniCPM3-4B: An edge-side LLM that surpasses GPT-3.5-Turbo.
⬆️
9

anthropic-cookbook

A collection of notebooks/recipes showcasing some fun and effective ways of using Claude.
⬆️
10

whisper-diarization

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

airllm

AirLLM 70B inference with single 4GB GPU
⬆️
12

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
⬆️
13

self-llm

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

CLIP

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

python-training

Python training for business analysts and traders
⬆️
16

MLOps-Basics

⬆️
17

leedl-tutorial

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

OLMoE

OLMoE: Open Mixture-of-Experts Language Models
⬆️
19

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

stable-diffusion

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

AISystem

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

GVHMR

Code for "GVHMR: World-Grounded Human Motion Recovery via Gravity-View Coordinates", Siggraph Asia 2024
⬆️
23

co-tracker

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

guidance

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

phoenix

AI Observability & Evaluation
⬆️
26

pyannote-audio

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

FinGPT

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

insanely-fast-whisper

⬆️
29

pykan

Kolmogorov Arnold Networks
⬆️
30

Grounded-Segment-Anything

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

Transformers-Tutorials

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

jsonformer

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

Qbot

[🔥updating ...] AI 自动量化交易机器人 AI-powered Quantitative Investment Research Platform. 📃 online docs: https://ufund-me.github.io/Qbot ✨ :news: qbot-mini: https://github.com/Charmve/iQuant
⬆️
34

IP-Adapter

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

moondream

tiny vision language model
⬆️
36

LAVIS

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

omages

We present Object Images (Omages): An homage to the classic Geometry Images.
⬆️
38

tortoise-tts

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

RB-Modulation

Official code for "RB-Modulation: Training-Free Personalization of Diffusion Models using Stochastic Optimal Control"
⬆️
40

dinov2

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

PhotoMaker

PhotoMaker [CVPR 2024]
⬆️
42

leetcode-company-wise-problems-2022

Lists of company wise questions available on leetcode premium. Every csv file in the companies directory corresponds to a list of questions on leetcode for a specific company based on the leetcode company tags. Updated as of May, 2022.
⬆️
43

unibench

Python Library to evaluate VLM models' robustness across diverse benchmarks
⬆️
44

llm-graph-builder

Neo4j graph construction from unstructured data using LLMs
⬆️
45

generative-ai

Sample code and notebooks for Generative AI on Google Cloud, with Gemini on Vertex AI
⬆️
46

lama

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

FiT3D

[ECCV 2024] Improving 2D Feature Representations by 3D-Aware Fine-Tuning
⬆️
48

Tensor-Puzzles

Solve puzzles. Improve your pytorch.
⬆️
49

micrograd

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

vosk-api

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

nn-zero-to-hero

Neural Networks: Zero to Hero
⬆️
52

shap

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

llm-universe

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

llms-from-scratch-cn

仅需Python基础,从0构建大语言模型;从0逐步构建GLM4\Llama3\RWKV6, 深入理解大模型原理
⬆️
55

AI-For-Beginners

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

mup

maximal update parametrization (µP)
⬆️
57

llm-cookbook

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

Introduction_to_Machine_Learning

Machine Learning Course, Sharif University of Technology
⬆️
59

notebooks

Examples and tutorials on using SOTA computer vision models and techniques. Learn everything from old-school ResNet, through YOLO and object-detection transformers like DETR, to the latest models like Grounding DINO and SAM.
⬆️
60

WhisperSpeech

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

seamless_communication

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

MedSAM

Segment Anything in Medical Images
⬆️
63

evidently

Evidently is ​​an open-source ML and LLM observability framework. Evaluate, test, and monitor any AI-powered system or data pipeline. From tabular data to Gen AI. 100+ metrics.
⬆️
64

1d-tokenizer

This repo contains the code for our paper An Image is Worth 32 Tokens for Reconstruction and Generation
⬆️
65

mujoco

Multi-Joint dynamics with Contact. A general purpose physics simulator.
⬆️
66

Inpaint-Anything

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

qlora

QLoRA: Efficient Finetuning of Quantized LLMs
⬆️
68

deep-learning-with-python-notebooks

Jupyter notebooks for the code samples of the book "Deep Learning with Python"
⬆️
69

UnSAM

[NeurIPS 2024] Code release for "Segment Anything without Supervision"
⬆️
70

GPU-Benchmarks-on-LLM-Inference

Multiple NVIDIA GPUs or Apple Silicon for Large Language Model Inference?
⬆️
71

pytorch-deep-learning

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

huggingface-llama-recipes

⬆️
73

Machine-Learning-Interviews

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

big_vision

Official codebase used to develop Vision Transformer, SigLIP, MLP-Mixer, LiT and more.
⬆️
75

cube-studio

cube studio开源云原生一站式机器学习/深度学习/大模型AI平台,支持sso登录,多租户,大数据平台对接,notebook在线开发,拖拉拽任务流pipeline编排,多机多卡分布式训练,超参搜索,推理服务VGPU,边缘计算,serverless,标注平台,自动化标注,数据集管理,大模型微调,vllm大模型推理,llmops,私有知识库,AI模型应用商店,支持模型一键开发/推理/微调,支持国产cpu/gpu/npu芯片,支持RDMA,支持pytorch/tf/mxnet/deepspeed/paddle/colossalai/horovod/spark/ray/volcano分布式
⬆️
76

flux-jupyter

⬆️
77

llama-fs

A self-organizing file system with llama 3
⬆️
78

ai-notebooks

Some ipython notebooks implementing AI algorithms
⬆️
79

pytudes

Python programs, usually short, of considerable difficulty, to perfect particular skills.
⬆️
80

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.
⬆️
81

openWakeWord

An open-source audio wake word (or phrase) detection framework with a focus on performance and simplicity.
⬆️
82

LLMTest_NeedleInAHaystack

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

FinRL

FinRL: Financial Reinforcement Learning. 🔥
⬆️
84

google-research

Google Research
⬆️
85

vegetal

vegetal
⬆️
86

models

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

gs-quant

Python toolkit for quantitative finance
⬆️
88

machine-learning-for-trading

Code for Machine Learning for Algorithmic Trading, 2nd edition.
⬆️
89

silero-models

Silero Models: pre-trained speech-to-text, text-to-speech and text-enhancement models made embarrassingly simple
⬆️
90

core-to-core-latency

Measures the latency between CPU cores
⬆️
91

data-prep-kit

Open source project for data preparation of LLM application builders
⬆️
92

latent-diffusion

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

Made-With-ML

Learn how to responsibly develop, deploy and maintain production machine learning applications.
⬆️
94

VisionTS

Code for our paper "VisionTS: Visual Masked Autoencoders Are Free-Lunch Zero-Shot Time Series Forecasters".
⬆️
95

handson-ml3

A series of Jupyter notebooks that walk you through the fundamentals of Machine Learning and Deep Learning in Python using Scikit-Learn, Keras and TensorFlow 2.
⬆️
96

ZoeDepth

Metric depth estimation from a single image
⬆️
97

digital_video_introduction

A hands-on introduction to video technology: image, video, codec (av1, vp9, h265) and more (ffmpeg encoding). Translations: 🇺🇸 🇨🇳 🇯🇵 🇮🇹 🇰🇷 🇷🇺 🇧🇷 🇪🇸
⬆️
98

minRF

Minimal implementation of scalable rectified flow transformers, based on SD3's approach
⬆️
99

data-engineering-zoomcamp

Free Data Engineering course!
⬆️
100

Triton-Puzzles

Puzzles for learning Triton
⬆️