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: Gemma doesn't suck anymore – 8 bug fixes | news.ycombinator.com | 2024-03-11

    Thanks! :) I'm pushing them into transformers, pytorch-gemma and collabing with the Gemma team to resolve all the issues :)

    The RoPE fix should already be in transformers 4.38.2: https://github.com/huggingface/transformers/pull/29285

    My main PR for transformers which fixes most of the issues (some still left): https://github.com/huggingface/transformers/pull/29402

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

  • Pytorch

    Tensors and Dynamic neural networks in Python with strong GPU acceleration

    Project mention: Best AI Tools for Students Learning Development and Engineering | dev.to | 2024-03-18

    Which label applies to a tool sometimes depends on what you do with it. For example, PyTorch or TensorFlow can be called a library, a toolkit, or a machine-learning framework.

  • Keras

    Deep Learning for humans

    Project mention: Keras 3.0 | news.ycombinator.com | 2023-11-28

    All breaking changes are listed here: https://github.com/keras-team/keras/issues/18467

    You can use this migration guide to identify and fix each of these issues (and further, making your code run on JAX or PyTorch): https://keras.io/guides/migrating_to_keras_3/

  • 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: How would i go about having YOLO v5 return me a list from left to right of all detected objects in an image? | /r/computervision | 2023-11-13
  • 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.

  • Deep-Learning-Papers-Reading-Roadmap

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

  • ColossalAI

    Making large AI models cheaper, faster and more accessible

    Project mention: ColossalChat: An Open-Source Solution for Cloning ChatGPT with a RLHF Pipeline | news.ycombinator.com | 2023-04-04

    > open-source a complete RLHF pipeline ... based on the LLaMA pre-trained model

    I've gotten to where when I see "open source AI" I now know it's "well, except for $some_other_dependencies"

    Anyway: https://scribe.rip/@yangyou_berkeley/colossalchat-an-open-so... and https://github.com/hpcaitech/ColossalAI#readme (Apache 2) can save you some medium.com heartache at least

  • 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: Show HN: Buefy Web Components for Streamlit | news.ycombinator.com | 2024-03-04

    While building dashboards in Streamlit, I found myself really missing Buefy's (Bulma) modern web components.

    Specially due to the inability to add new values to Streamlit's multiselect [1], some missing controls like a polished image carousel [2] or a highly customizable data table.

    Long story short, we put together streamfy (Streamlit + Buefy) as an MIT licensed project in GitHub to bring Buefy to Streamlit.

    Demo: https://streamfy.streamlit.app

    All the form components are implemented, missing half of other non-form UX components. There is plenty of room for PRs, testing, feedback, documentation, example, etc.

    Please send issues and contributions to GitHub project [3] and general feedback to X / Twitter [4]

    Thanks!

    [1] https://github.com/streamlit/streamlit/issues/5348

  • 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: Open Source Advent Fun Wraps Up! | dev.to | 2024-01-05

    22. Ray | Github | tutorial

  • 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: Best AI SEO Tools for NLP Content Optimization | /r/aitoolsnews | 2023-12-09

    SpaCy: An open-source library providing tools for advanced NLP tasks like tokenization, entity recognition, and part-of-speech tagging.

  • TTS

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

    Project mention: Base TTS (Amazon): The largest text-to-speech model to-date | news.ycombinator.com | 2024-02-14

    I've used coqui.ai's TTS models[0] and library[1] to great success. I was able to get cloned voice to be rendered in about 80% of the audio clip length, and I believe you can also stream the response. Do note the model license for XTTS, it is one they wrote themselves that has some restrictions.

    [0] https://huggingface.co/coqui/XTTS-v2

    [1] https://github.com/coqui-ai/TTS

  • gradio

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

    Project mention: Show HN: Dropbase – Build internal web apps with just Python | news.ycombinator.com | 2023-12-05

    There's also that library all the AI models started using that gives you a public URL to share. After researching it: https://www.gradio.app/ is the link.

    It's used specifically for making simple UIs for machine learning apps. But I guess technically you could use it for anything.

  • pytorch-lightning

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

    Project mention: Lightning AI Studios – A persistent GPU cloud environment | news.ycombinator.com | 2023-12-14
  • 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.

  • ML-From-Scratch

    Machine Learning From Scratch. Bare bones NumPy implementations of machine learning models and algorithms with a focus on accessibility. Aims to cover everything from linear regression to deep learning.

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

Python Deep Learning related posts

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 125,134
2 transformers 122,103
3 Pytorch 76,684
4 Keras 60,643
5 Real-Time-Voice-Cloning 50,293
6 faceswap 48,827
7 yolov5 45,808
8 Deep-Learning-Papers-Reading-Roadmap 37,120
9 ColossalAI 36,840
10 GFPGAN 34,236
11 MockingBird 33,471
12 DeepSpeed 31,898
13 streamlit 30,808
14 Ray 30,364
15 pytorch-tutorial 28,885
16 stanford_alpaca 28,542
17 spaCy 28,455
18 TTS 27,751
19 gradio 27,486
20 pytorch-lightning 26,457
21 data-science-ipython-notebooks 26,278
22 spleeter 24,688
23 ML-From-Scratch 23,004
SaaSHub - Software Alternatives and Reviews
SaaSHub helps you find the best software and product alternatives
www.saashub.com