SaaSHub helps you find the best software and product alternatives Learn more β
Top 23 Jupyter Notebook Pytorch Projects
-
-
SaaSHub
SaaSHub - Software Alternatives and Reviews. SaaSHub helps you find the best software and product alternatives
-
Project mention: Implementing the Llama 3.2 1B and 3B Architectures from Scratch | news.ycombinator.com | 2024-10-05
-
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.
π 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
-
-
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 -
-
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-29Convert LabelMe format into YoloV7 format for instance segmentation.
-
Transformers-Tutorials
This repository contains demos I made with the Transformers library by HuggingFace.
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.
-
-
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-14The 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.
-
-
-
-
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 -
-
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
Jupyter Notebook Pytorch discussion
Jupyter Notebook Pytorch related posts
-
Deploying AI Models with Amazon Web Services: A Practical Guide
-
7 Cutting-Edge AI Frameworks Every Developer Should Master!
-
Binarize Clip for Multimodal Applications
-
Simple Implementation of OpenAI Clip (Tutorial)
-
Implementing a ChatGPT-like LLM from scratch, step by step
-
WhisperFusion: Ultra-low latency conversations with an AI chatbot
-
AI-Powered Nvidia RTX Video HDR Transforms Standard Video into HDR Video
-
A note from our sponsor - SaaSHub
www.saashub.com | 15 Jan 2025
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 |