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: AI enthusiasm #9 - A multilingual chatbot📣🈸 | dev.to | 2024-05-01

    transformers is a package by Hugging Face, that helps you interact with models on HF Hub (GitHub)

  • 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: Clasificador de imágenes con una red neuronal convolucional (CNN) | dev.to | 2024-05-01

    PyTorch (https://pytorch.org/)

  • 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: Creando Subtítulos Automáticos para Vídeos con Python, Faster-Whisper, FFmpeg, Streamlit, Pillow | dev.to | 2024-04-29

    Streamlit (https://streamlit.io/)

  • 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: OpenAI deems its voice cloning tool too risky for general release | news.ycombinator.com | 2024-03-31

    lol this marketing technique is getting very old. https://github.com/coqui-ai/TTS is already amazing and open source.

  • pytorch-tutorial

    PyTorch Tutorial for Deep Learning Researchers

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

  • 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: Step by step guide to create customized chatbot by using spaCy (Python NLP library) | dev.to | 2024-03-23

    Hi Community, In this article, I will demonstrate below steps to create your own chatbot by using spaCy (spaCy is an open-source software library for advanced natural language processing, written in the programming languages Python and Cython):

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

  • 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

    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

  • Clasificador de imágenes con una red neuronal convolucional (CNN)

    2 projects | dev.to | 1 May 2024
  • May 8, 2024 AI, Machine Learning and Computer Vision Meetup

    2 projects | dev.to | 1 May 2024
  • AI enthusiasm #9 - A multilingual chatbot📣🈸

    6 projects | dev.to | 1 May 2024
  • SB-1047 will stifle open-source AI and decrease safety

    2 projects | news.ycombinator.com | 29 Apr 2024
  • Creando Subtítulos Automáticos para Vídeos con Python, Faster-Whisper, FFmpeg, Streamlit, Pillow

    7 projects | dev.to | 29 Apr 2024
  • Einsum in 40 Lines of Python

    6 projects | news.ycombinator.com | 27 Apr 2024
  • Show HN: Cognita – open-source RAG framework for modular applications

    3 projects | news.ycombinator.com | 27 Apr 2024
  • A note from our sponsor - InfluxDB
    www.influxdata.com | 4 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 129,975
2 transformers 125,369
3 Pytorch 78,016
4 Keras 60,972
5 Real-Time-Voice-Cloning 50,815
6 faceswap 49,261
7 yolov5 47,071
8 ColossalAI 37,911
9 Deep-Learning-Papers-Reading-Roadmap 37,120
10 GFPGAN 34,637
11 MockingBird 33,862
12 DeepSpeed 32,739
13 streamlit 31,717
14 Ray 31,179
15 TTS 29,420
16 pytorch-tutorial 29,128
17 gradio 28,987
18 stanford_alpaca 28,816
19 spaCy 28,751
20 pytorch-lightning 26,952
21 data-science-ipython-notebooks 26,490
22 spleeter 24,925
23 ML-From-Scratch 23,189

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