Jupyter Notebook Pytorch

Open-source Jupyter Notebook projects categorized as Pytorch

Top 23 Jupyter Notebook Pytorch Projects

  • Made-With-ML

    Learn how to design, develop, deploy and iterate on production-grade ML applications.

  • SaaSHub

    SaaSHub - Software Alternatives and Reviews. SaaSHub helps you find the best software and product alternatives

    SaaSHub logo
  • LLMs-from-scratch

    Implement a ChatGPT-like LLM in PyTorch from scratch, step by step

    Project mention: Implementing the Llama 3.2 1B and 3B Architectures from Scratch | news.ycombinator.com | 2024-10-05
  • fastai

    The fastai deep learning library

    Project mention: Integrate Hugging Face Spaces & Gradio with a React application | dev.to | 2024-10-12

    We are going to use fast.ai to create a simple classification which predicts whether a given image is a cat or not.

  • llama-recipes

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

    Project mention: AIM Weekly for 04Nov2024 | dev.to | 2024-11-04

    🌐 Composed Image Retrieval πŸ“Ž Intro to Multimodal LLama 3.2 πŸ› οΈ Multi Agent Concierge πŸ’» RAG with Langchain Granite, Milvus 🫢 Download content βœ… Transformer Replacement? πŸ€– vLLM for runing models 🌐 Amphion πŸ“ Autogluon πŸš™ Notebook LLama like Google's Notebook LLM 🫢 Monocle2ai for tracing GenAI app code LFA&D Project πŸ€– Bee Agent Framework βœ… LLama RFP Response ▢️ GenAI Script πŸ‘½ Simular AI Agent S 🦾 DrawDB with AI ✨ Ollama with LLama 3.2 Vision!!!! Preview πŸš• Powerful RAG Checker πŸ“Š SQL Generator πŸ’» Role of LLMs 🐍 Document Extraction πŸ•ΆοΈ Open Source Vector DB Reddit πŸ” The Practical Guide to Self Hosting LLM 🦾 Stagehand Controller πŸ•ΆοΈ Understanding HNSWLIB 🐍 Best practices in RAG πŸ’» Enigma Agent πŸ“ Langchain, Ollama, Phi3 for Function Calling πŸ”‹ Compass Judger πŸ“ Princeton NLP SimPO πŸ” Princeton NLP ProLong πŸ”‹ Princeton NLP HELMET 🧐 Ollama Cheatsheet πŸš• Princeton NLP CopyCat πŸ“Š Princeton NLP Shp πŸ•ΆοΈ Can LLM Solve Hard Github Issues πŸ“ Enabling Large Language Models to Generate Text with Citations πŸ”‹ Princeton NLP CharXiv πŸ“Š Awesome AI Agents List 🦾 Nomic’s Matryoshka text embedding model

  • stable-diffusion-webui-colab

    stable diffusion webui colab

  • FinGPT

    FinGPT: Open-Source Financial Large Language Models! Revolutionize πŸ”₯ We release the trained model on HuggingFace.

    Project mention: About FinGPT: Open-Source Financial Large Language Models | news.ycombinator.com | 2024-08-28
  • nlp-tutorial

    Natural Language Processing Tutorial for Deep Learning Researchers

  • DeepLearningExamples

    State-of-the-Art Deep Learning scripts organized by models - easy to train and deploy with reproducible accuracy and performance on enterprise-grade infrastructure.

  • yolov7

    Implementation of paper - YOLOv7: Trainable bag-of-freebies sets new state-of-the-art for real-time object detectors

    Project mention: Convert LabelMe Annotations to YOLO Format with labelme-to-yolo | dev.to | 2024-12-29

    Convert LabelMe format into YoloV7 format for instance segmentation.

  • Transformers-Tutorials

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

    Project mention: AI enthusiasm #6 - Finetune any LLM you wantπŸ’‘ | dev.to | 2024-04-16

    Most of this tutorial is based on Hugging Face course about Transformers and on Niels Rogge's Transformers tutorials: make sure to check their work and give them a star on GitHub, if you please ❀️

  • TTS

    :robot: :speech_balloon: Deep learning for Text to Speech (Discussion forum: https://discourse.mozilla.org/c/tts) (by mozilla)

  • lama

    πŸ¦™ LaMa Image Inpainting, Resolution-robust Large Mask Inpainting with Fourier Convolutions, WACV 2022

  • Dreambooth-Stable-Diffusion

    Implementation of Dreambooth (https://arxiv.org/abs/2208.12242) with Stable Diffusion

  • mmagic

    OpenMMLab Multimodal Advanced, Generative, and Intelligent Creation Toolbox. Unlock the magic πŸͺ„: Generative-AI (AIGC), easy-to-use APIs, awsome model zoo, diffusion models, for text-to-image generation, image/video restoration/enhancement, etc.

  • NYU-DLSP20

    NYU Deep Learning Spring 2020

  • pyannote-audio

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

    Project mention: RedLM: My submission for the NVIDIA and LlamaIndex Developer Contest | dev.to | 2024-11-14

    The openai/whisper-base model was used to get time stamps for the start and end of each spoken word using Automated Speech Recognition (ASR). A speaker segmentation library called pyannote/audio was used to perform speaker diarization. This is an interesting algorithm that can segment any number of distinct speakers in an audio recording using a series of models and a discrete-time stochastic process known as the Chinese restaurant process. This gave a list of time intervals with a speaker ID, and I used the intervals to attribute a speaker ID to each word. Then I segmented the audio into two files using this data and used the files to generate audio waveforms using Blender's geometry nodes. Another script was used to animate each word of as it is spoken in one of two positions for each speaker.

  • pyprobml

    Python code for "Probabilistic Machine learning" book by Kevin Murphy

  • Practical_RL

    A course in reinforcement learning in the wild

  • skorch

    A scikit-learn compatible neural network library that wraps PyTorch

  • 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.

    Project mention: Roboflow Notebooks: 60+ computer vision modeling notebooks | news.ycombinator.com | 2024-10-22
  • YOLOv6

    YOLOv6: a single-stage object detection framework dedicated to industrial applications.

  • pytorch-seq2seq

    Tutorials on implementing a few sequence-to-sequence (seq2seq) models with PyTorch and TorchText.

  • tsai

    Time series Timeseries Deep Learning Machine Learning Python Pytorch fastai | State-of-the-art Deep Learning library for Time Series and Sequences in Pytorch / fastai

NOTE: The open source projects on this list are ordered by number of github stars. The number of mentions indicates repo mentiontions in the last 12 Months or since we started tracking (Dec 2020).

Jupyter Notebook Pytorch discussion

Log in or Post with

Jupyter Notebook Pytorch related posts

  • Deploying AI Models with Amazon Web Services: A Practical Guide

    3 projects | dev.to | 11 Dec 2024
  • 7 Cutting-Edge AI Frameworks Every Developer Should Master!

    2 projects | dev.to | 19 Nov 2024
  • Binarize Clip for Multimodal Applications

    1 project | news.ycombinator.com | 23 May 2024
  • Simple Implementation of OpenAI Clip (Tutorial)

    1 project | news.ycombinator.com | 21 Feb 2024
  • Implementing a ChatGPT-like LLM from scratch, step by step

    3 projects | news.ycombinator.com | 27 Jan 2024
  • WhisperFusion: Ultra-low latency conversations with an AI chatbot

    2 projects | news.ycombinator.com | 25 Jan 2024
  • AI-Powered Nvidia RTX Video HDR Transforms Standard Video into HDR Video

    3 projects | news.ycombinator.com | 24 Jan 2024
  • A note from our sponsor - SaaSHub
    www.saashub.com | 15 Jan 2025
    SaaSHub helps you find the best software and product alternatives Learn more β†’

Index

What are some of the best open-source Pytorch projects in Jupyter Notebook? This list will help you:

Project Stars
1 Made-With-ML 37,919
2 LLMs-from-scratch 37,721
3 fastai 26,481
4 llama-recipes 15,871
5 stable-diffusion-webui-colab 15,697
6 FinGPT 14,627
7 nlp-tutorial 14,377
8 DeepLearningExamples 13,773
9 yolov7 13,524
10 Transformers-Tutorials 9,767
11 TTS 9,379
12 lama 8,297
13 Dreambooth-Stable-Diffusion 7,618
14 mmagic 7,023
15 NYU-DLSP20 6,702
16 pyannote-audio 6,640
17 pyprobml 6,622
18 Practical_RL 5,968
19 skorch 5,928
20 notebooks 5,765
21 YOLOv6 5,748
22 pytorch-seq2seq 5,436
23 tsai 5,385

Sponsored
SaaSHub - Software Alternatives and Reviews
SaaSHub helps you find the best software and product alternatives
www.saashub.com