Manage all types of time series data in a single, purpose-built database. Run at any scale in any environment in the cloud, on-premises, or at the edge. Learn more →
Top 23 Python Deep Learning Projects
-
Project mention: A look at Apple’s new Transformer-powered predictive text model | news.ycombinator.com | 2023-09-16
https://github.com/huggingface/transformers/blob/0a55d9f7376...
To summarize how they work: you keep some number of previously generated tokens, and once you get logits that you want to sample a new token from, you find the logits for existing tokens and multiply them by a penalty, thus lowering the probability of the corresponding tokens.
-
So I found this post: API · AUTOMATIC1111/stable-diffusion-webui Wiki · GitHub
-
InfluxDB
Collect and Analyze Billions of Data Points in Real Time. Manage all types of time series data in a single, purpose-built database. Run at any scale in any environment in the cloud, on-premises, or at the edge.
-
Project mention: Deep Learning with “AWS Graviton2 + NVIDIA Tensor T4G” for as low as free* with CUDA 12.2 | dev.to | 2023-09-10
# Download and install ccache for faster compilation wget https://github.com/ccache/ccache/releases/download/v4.8.3/ccache-4.8.3.tar.xz tar -xf ccache-4.8.3.tar.xz pushd ccache-4.8.3 cmake . make -j $CPUS make install popd # Install NumPy, a dependency for PyTorch dnf install -y numpy # Install Python typing extensions for better type-checking sudo -u ec2-user pip3 install typing-extensions # Clone PyTorch repository and install from source git clone --recursive https://github.com/pytorch/pytorch.git pushd pytorch python3 setup.py install popd # Refresh the dynamic linker run-time bindings ldconfig # Install additional Python libraries for PyTorch sudo -u ec2-user pip3 install sympy filelock fsspec networkx
-
Project mention: Can someone explain how keras code gets into the Tensorflow package? | /r/tensorflow | 2023-07-24
I'm guessing the "real" keras code is coming from the keras repository. Is that a correct assumption? How does that version of Keras get there? If I wanted to write my own activation layer next to ELU, where exactly would I do that?
-
Head over to deepfakes/faceswap and install all the stuff that it asks you to do and then open the terminal with in faceswap env from anaconda.
-
Project mention: Show HN: Real Time Voice Cloning – Instant DeepFake Audio | news.ycombinator.com | 2023-09-22
-
AFAIK the only app which supports whole head swapping is DeepfaceLab but it needs to be trained with lots of images and lacks a proper GUI.
-
Mergify
Updating dependencies is time-consuming.. Solutions like Dependabot or Renovate update but don't merge dependencies. You need to do it manually while it could be fully automated! Add a Merge Queue to your workflow and stop caring about PR management & merging. Try Mergify for free.
-
!git clone https://github.com/ultralytics/yolov5.git ## Navigate to the model %cd yolov5/ ## Install requirements !pip install -r requirements.txt ## Download the YOLOv5 model !wget https://github.com/ultralytics/yolov5/releases/download/v6.0/yolov5s.pt
-
Deep-Learning-Papers-Reading-Roadmap
Deep Learning papers reading roadmap for anyone who are eager to learn this amazing tech!
-
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
-
Project mention: Open source software has gotten a lot better at having smooth swaps. Below is what i got. | /r/faceswap | 2023-06-28
Mainly as the base model. https://insightface.ai/ There was some post processing done to further improve quality. https://github.com/TencentARC/GFPGAN
-
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: DeepSpeed Ulysses: System Optimizations for Enabling Training of Extreme Long Sequence Transformer Models (r/MachineLearning) | /r/datascienceproject | 2023-08-29 -
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: Fine-Tuning Llama-2: A Comprehensive Case Study for Tailoring Custom Models | news.ycombinator.com | 2023-08-11Training times for GSM8k are mentioned here: https://github.com/ray-project/ray/tree/master/doc/source/te...
-
-
Project mention: Stop LLM/GenAI hallucination fast: Serverless Kendra RAG with GO | dev.to | 2023-09-20
In evaluating whether a technical solution is suitable, the focus is on the simplicity of development. So, the AWS sample uses the well-known langchain library and a streamlit server for the chat sample.
-
Project mention: Retrieval Augmented Generation (RAG): How To Get AI Models Learn Your Data & Give You Answers | dev.to | 2023-09-18
-
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.
-
Project mention: Best practice for saving logits/activation values of model in PyTorch Lightning | /r/deeplearning | 2023-07-19
I've been wondering on what is the recommended method of saving logits/activations using PyTorch Lightning. I've looked at Callbacks, Loggers and ModelHooks but none of the use-cases seem to be for this kind of activity (even if I were to create my own custom variants of each utility). The ModelCheckpoint Callback in its utility makes me feel like custom Callbacks would be the way to go but I'm not quite sure. This closed GitHub issue does address my issue to some extent.
-
Project mention: Show HN: Free AI-based music demixing in the browser | news.ycombinator.com | 2023-07-13
I tried to use it but I had some issues as others in the thread.
I have tried many sources and method over the years and settled on spleeter [0]. Works well even for 10+ minute songs, varying styles from flamenco to heavy metal.
-
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.
Project mention: Tutorials on creating primitive ML algorithms from scratch? | /r/learnmachinelearning | 2023-01-24ml-from-scratch
-
Project mention: Gradio sharable link expires too soon ( 30 mins to 1 hour, instead of lasting 72 hours ) | /r/StableDiffusion | 2023-06-10
I found an issue on gradio github but looks like it's closed so I am not sure if it's still a common issue or only I am facing it due to certain settings/absence of a fix. ( https://github.com/gradio-app/gradio/issues/3060 )
-
Click to Learn more...
-
Sonar
Write Clean Python Code. Always.. Sonar helps you commit clean code every time. With over 225 unique rules to find Python bugs, code smells & vulnerabilities, Sonar finds the issues while you focus on the work.
Python Deep Learning related posts
- Safeguard OpenAI Apps with Guardrail ML’s Firewall
- How do I run this code from Papers in 100 lines of code?
- neuralforecast: NEW Data - star count:1749.0
- neuralforecast: NEW Data - star count:1749.0
- Show HN: Real Time Voice Cloning – Instant DeepFake Audio
- Questions about auto111 API
- Compiling ML models to C for fun
-
A note from our sponsor - InfluxDB
www.influxdata.com | 25 Sep 2023
Index
What are some of the best open-source Deep Learning projects in Python? This list will help you:
Project | Stars | |
---|---|---|
1 | transformers | 112,164 |
2 | stable-diffusion-webui | 102,488 |
3 | Pytorch | 70,847 |
4 | Keras | 59,372 |
5 | faceswap | 47,114 |
6 | Real-Time-Voice-Cloning | 45,053 |
7 | DeepFaceLab | 42,582 |
8 | yolov5 | 41,711 |
9 | Deep-Learning-Papers-Reading-Roadmap | 36,330 |
10 | ColossalAI | 33,094 |
11 | GFPGAN | 32,287 |
12 | MockingBird | 30,966 |
13 | DeepSpeed | 28,487 |
14 | Ray | 27,697 |
15 | pytorch-tutorial | 27,348 |
16 | streamlit | 27,263 |
17 | spaCy | 27,161 |
18 | data-science-ipython-notebooks | 25,620 |
19 | lightning | 24,653 |
20 | spleeter | 23,495 |
21 | ML-From-Scratch | 22,390 |
22 | gradio | 21,988 |
23 | pytorch-CycleGAN-and-pix2pix | 20,637 |