Python Deep Learning

Open-source Python projects categorized as Deep Learning

Top 23 Python Deep Learning Projects

  • stable-diffusion-webui

    Stable Diffusion web UI

  • Project mention: Show HN: I made an app to use local AI as daily driver | news.ycombinator.com | 2024-02-27

    * LLaVA model: I'll add more documentation. You are right Llava could not generate images. For image generation I don't have immediate plans, but checkout these projects for local image generation.

    - https://diffusionbee.com/

    - https://github.com/comfyanonymous/ComfyUI

    - https://github.com/AUTOMATIC1111/stable-diffusion-webui

  • transformers

    🤗 Transformers: State-of-the-art Machine Learning for Pytorch, TensorFlow, and JAX.

  • Project mention: Llama3.np: pure NumPy implementation of Llama3 | news.ycombinator.com | 2024-05-16

    Sure, knowing the basics of LLM math is necessary. But it's also _enough_ to know this math to fully grasp the code. There are only 4 concepts - attention, feed-forward net, RMS-normalization and rotary embeddings - organized into a clear structure.

    Now compare it to the Hugginface implementation [1]. In addition to the aforementioned concepts, you need to understand the hierarchy of `PreTrainedModel`s, 3 types of attention, 3 types of rotary embeddings, HF's definition of attention mask (which is not the same as mask you read about in transformer tutorials), several types of cache class, dozens of flags to control things like output format or serialization, etc.

    It's not that Meta's implementation is good and HF's implementation is bad - they pursue different goals in their own optimal way. But if you just want to learn how the model works, Meta's code base is great.

    [1]: https://github.com/huggingface/transformers/blob/main/src/tr...

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

    InfluxDB logo
  • Pytorch

    Tensors and Dynamic neural networks in Python with strong GPU acceleration

  • Project mention: PyTorch 2.3: User-Defined Triton Kernels, Tensor Parallelism in Distributed | news.ycombinator.com | 2024-05-10
  • Keras

    Deep Learning for humans

  • Project mention: Library for Machine learning and quantum computing | dev.to | 2024-04-27

    Keras

  • Real-Time-Voice-Cloning

    Clone a voice in 5 seconds to generate arbitrary speech in real-time

  • Project mention: FLaNK Stack Weekly 12 February 2024 | dev.to | 2024-02-12
  • faceswap

    Deepfakes Software For All

  • Project mention: faceswap VS facefusion - a user suggested alternative | libhunt.com/r/faceswap | 2024-01-30
  • yolov5

    YOLOv5 🚀 in PyTorch > ONNX > CoreML > TFLite

  • Project mention: จำแนกสายพันธ์ุหมากับแมวง่ายๆด้วยYoLoV5 | dev.to | 2024-04-15

    Ref https://www.youtube.com/watch?v=0GwnxFNfZhM https://github.com/ultralytics/yolov5 https://dev.to/gfstealer666/kaaraich-yolo-alkrithuemainkaartrwcchcchabwatthu-object-detection-3lef https://www.kaggle.com/datasets/devdgohil/the-oxfordiiit-pet-dataset/data

  • SaaSHub

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

    SaaSHub logo
  • ColossalAI

    Making large AI models cheaper, faster and more accessible

  • Project mention: FLaNK AI-April 22, 2024 | dev.to | 2024-04-22
  • Deep-Learning-Papers-Reading-Roadmap

    Deep Learning papers reading roadmap for anyone who are eager to learn this amazing tech!

  • GFPGAN

    GFPGAN aims at developing Practical Algorithms for Real-world Face Restoration.

  • Project mention: Ask HN: What is the state of the art in AI photo enhancement? | news.ycombinator.com | 2024-01-24
  • MockingBird

    🚀AI拟声: 5秒内克隆您的声音并生成任意语音内容 Clone a voice in 5 seconds to generate arbitrary speech in real-time

  • DeepSpeed

    DeepSpeed is a deep learning optimization library that makes distributed training and inference easy, efficient, and effective.

  • Project mention: Can we discuss MLOps, Deployment, Optimizations, and Speed? | /r/LocalLLaMA | 2023-12-06

    DeepSpeed can handle parallelism concerns, and even offload data/model to RAM, or even NVMe (!?) . I'm surprised I don't see this project used more.

  • streamlit

    Streamlit — A faster way to build and share data apps.

  • Project mention: Developing a Generic Streamlit UI to Test Amazon Bedrock Agents | dev.to | 2024-05-05

    I decided to use Streamlit to build the UI as it is a popular and fitting choice. Streamlit is an open-source Python library used for building interactive web applications specially for AI and data applications. Since the application code is written only in Python, it is easy to learn and build with.

  • Ray

    Ray is a unified framework for scaling AI and Python applications. Ray consists of a core distributed runtime and a set of AI Libraries for accelerating ML workloads.

  • Project mention: Ray: Unified framework for scaling AI and Python applications | news.ycombinator.com | 2024-05-03
  • TTS

    🐸💬 - a deep learning toolkit for Text-to-Speech, battle-tested in research and production

  • Project mention: Show HN: Pi-C.A.R.D, a Raspberry Pi Voice Assistant | news.ycombinator.com | 2024-05-13

    When I did a similar thing (but with less LLM) I liked https://github.com/coqui-ai/TTS but back then I needed to cut out the conversion step from tensor to a list of numbers to make it work really nicely.

  • gradio

    Build and share delightful machine learning apps, all in Python. 🌟 Star to support our work!

  • Project mention: AI enthusiasm #9 - A multilingual chatbot📣🈸 | dev.to | 2024-05-01

    gradio is a package developed to ease the development of app interfaces in python and other languages (GitHub)

  • pytorch-tutorial

    PyTorch Tutorial for Deep Learning Researchers

  • stanford_alpaca

    Code and documentation to train Stanford's Alpaca models, and generate the data.

  • Project mention: How Open is Generative AI? Part 2 | dev.to | 2023-12-19

    Alpaca is an instruction-oriented LLM derived from LLaMA, enhanced by Stanford researchers with a dataset of 52,000 examples of following instructions, sourced from OpenAI’s InstructGPT through the self-instruct method. The extensive self-instruct dataset, details of data generation, and the model refinement code were publicly disclosed. This model complies with the licensing requirements of its base model. Due to the utilization of InstructGPT for data generation, it also adheres to OpenAI’s usage terms, which prohibit the creation of models competing with OpenAI. This illustrates how dataset restrictions can indirectly affect the resulting fine-tuned model.

  • spaCy

    💫 Industrial-strength Natural Language Processing (NLP) in Python

  • Project mention: How I discovered Named Entity Recognition while trying to remove gibberish from a string. | dev.to | 2024-05-06
  • pytorch-lightning

    Pretrain, finetune and deploy AI models on multiple GPUs, TPUs with zero code changes.

  • Project mention: SB-1047 will stifle open-source AI and decrease safety | news.ycombinator.com | 2024-04-29

    It's very easy to get started, right in your Terminal, no fees! No credit card at all.

    And there are cloud providers like https://replicate.com/ and https://lightning.ai/ that will let you use your LLM via an API key just like you did with OpenAI if you need that.

    You don't need OpenAI - nobody does.

  • data-science-ipython-notebooks

    Data science Python notebooks: Deep learning (TensorFlow, Theano, Caffe, Keras), scikit-learn, Kaggle, big data (Spark, Hadoop MapReduce, HDFS), matplotlib, pandas, NumPy, SciPy, Python essentials, AWS, and various command lines.

  • spleeter

    Deezer source separation library including pretrained models.

  • Project mention: Are stems a good way of making mashups | /r/Beatmatch | 2023-12-10

    virtual dj and others stem separator is shrinked model of this https://github.com/deezer/spleeter you will get better results downloading original + their large model.

  • ultralytics

    NEW - YOLOv8 🚀 in PyTorch > ONNX > OpenVINO > CoreML > TFLite

  • Project mention: The CEO of Ultralytics (yolov8) using LLMs to engage with commenters on GitHub | news.ycombinator.com | 2024-02-12

    Yep, I noticed this a while ago. It posts easily identifiable ChatGPT responses. It also posts garbage wrong answers which makes it worse than useless. Totally disrespectful to the userbase.

    https://github.com/ultralytics/ultralytics/issues/5748#issue...

  • SaaSHub

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

    SaaSHub logo
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).

Python Deep Learning related posts

  • HMT: Hierarchical Memory Transformer for Long Context Language Processing

    4 projects | news.ycombinator.com | 17 May 2024
  • Show HN: Pi-C.A.R.D, a Raspberry Pi Voice Assistant

    3 projects | news.ycombinator.com | 13 May 2024
  • PyTorch 2.3: User-Defined Triton Kernels, Tensor Parallelism in Distributed

    1 project | news.ycombinator.com | 10 May 2024
  • Intel Arc A770: Arrays larger than 4GB crashes

    2 projects | news.ycombinator.com | 7 May 2024
  • Ask HN: Open-source, local Text-to-Speech (TTS) generators

    2 projects | news.ycombinator.com | 7 May 2024
  • PennyLane: Python library for differentiable programming of quantum computers

    1 project | news.ycombinator.com | 7 May 2024
  • Anomaly Detection with FiftyOne and Anomalib

    4 projects | dev.to | 6 May 2024
  • A note from our sponsor - InfluxDB
    www.influxdata.com | 17 May 2024
    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. Learn more →

Index

What are some of the best open-source Deep Learning projects in Python? This list will help you:

Project Stars
1 stable-diffusion-webui 131,121
2 transformers 126,170
3 Pytorch 78,436
4 Keras 61,044
5 Real-Time-Voice-Cloning 50,951
6 faceswap 49,390
7 yolov5 47,375
8 ColossalAI 37,989
9 Deep-Learning-Papers-Reading-Roadmap 37,120
10 GFPGAN 34,737
11 MockingBird 33,959
12 DeepSpeed 32,942
13 streamlit 32,051
14 Ray 31,414
15 TTS 29,831
16 gradio 29,400
17 pytorch-tutorial 29,187
18 stanford_alpaca 28,893
19 spaCy 28,849
20 pytorch-lightning 27,064
21 data-science-ipython-notebooks 26,532
22 spleeter 25,003
23 ultralytics 23,574

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