Jupyter Notebook Pytorch

Open-source Jupyter Notebook projects categorized as Pytorch

Top 23 Jupyter Notebook Pytorch Projects

  • nn

    🧑‍🏫 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, ... 🧠

  • Made-With-ML

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

    Project mention: [D] How do you keep up to date on Machine Learning? | /r/learnmachinelearning | 2023-08-13

    Made With ML

  • InfluxDB

    Power Real-Time Data Analytics at Scale. Get real-time insights from all types of time series data with InfluxDB. Ingest, query, and analyze billions of data points in real-time with unbounded cardinality.

  • fastai

    The fastai deep learning library

  • stable-diffusion-webui-colab

    stable diffusion webui colab

    Project mention: Stable-Diffusion-Webui-Colab | news.ycombinator.com | 2023-07-24
  • nlp-tutorial

    Natural Language Processing Tutorial for Deep Learning Researchers

  • LLMs-from-scratch

    Implementing a ChatGPT-like LLM from scratch, step by step

    Project mention: Ask HN: Textbook Regarding LLMs | news.ycombinator.com | 2024-03-23

    https://www.manning.com/books/build-a-large-language-model-f...

  • yolov7

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

    Project mention: FLaNK Stack Weekly 16 October 2023 | dev.to | 2023-10-17
  • WorkOS

    The modern identity platform for B2B SaaS. The APIs are flexible and easy-to-use, supporting authentication, user identity, and complex enterprise features like SSO and SCIM provisioning.

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

  • FinGPT

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

    Project mention: GPT-4, without specialized training, beat a GPT-3.5 class model that cost $10B | news.ycombinator.com | 2024-03-24

    There is also the open source FinGPT, that is claimed to beat GPT4 in some benchmarks at a fine tuning cost of $17.25.

    https://github.com/AI4Finance-Foundation/FinGPT

  • TTS

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

    Project mention: Coqui.ai Is Shutting Down | news.ycombinator.com | 2024-01-03

    Coqui-ai was a commercial continuation of Mozilla TTS and STT (https://github.com/mozilla/TTS).

    At the time (2018-ish), it was really impressive for on-device voice synthesis (with a quality approaching the Google and Azure cloud-based voice synthesis options) and open source, so a lot of people in the FOSS community were hoping it could be used for a privacy-respecting home assistant, Linux speech synthesis that doesn't suck, etc.

    After Mozilla abandoned the project, Coqui continued development and had some really impressive one-shot voice cloning, but pivoted to marketing speech synthesis for game developers. They were probably having trouble monetizing it, and it doesn't surprise me that they shut down.

    An equivalent project that's still in active development and doing really well is Piper TTS (https://github.com/rhasspy/piper).

  • open_clip

    An open source implementation of CLIP.

    Project mention: A History of CLIP Model Training Data Advances | dev.to | 2024-03-13

    While OpenAI’s CLIP model has garnered a lot of attention, it is far from the only game in town—and far from the best! On the OpenCLIP leaderboard, for instance, the largest and most capable CLIP model from OpenAI ranks just 41st(!) in its average zero-shot accuracy across 38 datasets.

  • 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 ❤️

  • Dreambooth-Stable-Diffusion

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

    Project mention: Where can I train my own LoRA? | /r/StableDiffusionInfo | 2023-06-21
  • lama

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

    Project mention: Can someone please help me with inpainting settings to remove the subject from this image? I want to rebuild as much of the original background as possible. | /r/StableDiffusion | 2023-07-03

    You could try to use ControlNet inpaint+lama locally, but results aren't as good in my experience. Or you could try local install of lama directly, but the setup process isn't very smooth.

  • NYU-DLSP20

    NYU Deep Learning Spring 2020

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

    Project mention: More than Editing, Unlock the Magic! | /r/agi | 2023-04-27
  • 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

  • YOLOv6

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

  • Yet-Another-EfficientDet-Pytorch

    The pytorch re-implement of the official efficientdet with SOTA performance in real time and pretrained weights.

  • deep-learning-v2-pytorch

    Projects and exercises for the latest Deep Learning ND program https://www.udacity.com/course/deep-learning-nanodegree--nd101

  • pytorch-seq2seq

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

  • SaaSHub

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

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). The latest post mention was on 2024-04-16.

Jupyter Notebook Pytorch related posts

Index

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

Project Stars
1 nn 47,503
2 Made-With-ML 35,567
3 fastai 25,551
4 stable-diffusion-webui-colab 15,209
5 nlp-tutorial 13,649
6 LLMs-from-scratch 13,415
7 yolov7 12,636
8 DeepLearningExamples 12,576
9 FinGPT 11,334
10 TTS 8,754
11 open_clip 8,306
12 Transformers-Tutorials 7,405
13 Dreambooth-Stable-Diffusion 7,383
14 lama 7,165
15 NYU-DLSP20 6,612
16 mmagic 6,555
17 pyprobml 6,216
18 Practical_RL 5,702
19 skorch 5,614
20 YOLOv6 5,526
21 Yet-Another-EfficientDet-Pytorch 5,168
22 deep-learning-v2-pytorch 5,161
23 pytorch-seq2seq 5,138
SaaSHub - Software Alternatives and Reviews
SaaSHub helps you find the best software and product alternatives
www.saashub.com