neural-networks

Open-source projects categorized as neural-networks

Top 23 neural-network Open-Source Projects

  • Keras

    Deep Learning for humans

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

    Keras

  • faceswap

    Deepfakes Software For All

  • Project mention: faceswap VS facefusion - a user suggested alternative | libhunt.com/r/faceswap | 2024-01-30
  • 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
  • nn

    🧑‍🏫 60 Implementations/tutorials of deep learning papers with side-by-side notes 📝; including transformers (original, xl, switch, feedback, vit, ...), optimizers (adam, adabelief, sophia, ...), gans(cyclegan, stylegan2, ...), 🎮 reinforcement learning (ppo, dqn), capsnet, distillation, ... 🧠

  • pytorch-tutorial

    PyTorch Tutorial for Deep Learning Researchers

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

    DeepSpeech is an open source embedded (offline, on-device) speech-to-text engine which can run in real time on devices ranging from a Raspberry Pi 4 to high power GPU servers.

  • Project mention: ESpeak-ng: speech synthesizer with more than one hundred languages and accents | news.ycombinator.com | 2024-05-01

    As I understand it DeepSpeech is no longer actively maintained by Mozilla: https://github.com/mozilla/DeepSpeech/issues/3693

    For Text To Speech, I've found Piper TTS useful (for situations where "quality"=="realistic"/"natual"): https://github.com/rhasspy/piper

    For Speech to Text (which AIUI DeepSpeech provided), I've had some success with Vosk: https://github.com/alphacep/vosk-api

  • Anime4K

    A High-Quality Real Time Upscaler for Anime Video

  • Project mention: AI Made These Movies Sharper. Critics Say It Ruined Them. | news.ycombinator.com | 2024-04-15

    I watch AI enhanced movies and/or shows every day when I use Anime4K, a real-time ML upscaler for anime https://github.com/bloc97/Anime4K

    If you give shit-tier blurry DVD messes, it turns them into nicer blurry messes.

    If you give it the usual bitrate starved streaming quality show, it looks almost as nice as a blueray.

    If you give it a blueray... It basically comes out looking exactly the same. I'll usually still add its "darken lines" filter since I'm a fan of strong linework.

  • SaaSHub

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

    SaaSHub logo
  • ml-agents

    The Unity Machine Learning Agents Toolkit (ML-Agents) is an open-source project that enables games and simulations to serve as environments for training intelligent agents using deep reinforcement learning and imitation learning.

  • Project mention: How do I change the maximum number of steps for training | /r/MLAgents | 2023-12-07
  • Machine-Learning-Tutorials

    machine learning and deep learning tutorials, articles and other resources

  • onnxruntime

    ONNX Runtime: cross-platform, high performance ML inferencing and training accelerator

  • Project mention: Machine Learning with PHP | dev.to | 2024-04-22

    ONNX Runtime: ONNX Runtime: cross-platform, high performance ML inferencing and training accelerator

  • mit-deep-learning-book-pdf

    MIT Deep Learning Book in PDF format (complete and parts) by Ian Goodfellow, Yoshua Bengio and Aaron Courville

  • Project mention: Deep Learning Course | news.ycombinator.com | 2023-11-19
  • fast-style-transfer

    TensorFlow CNN for fast style transfer ⚡🖥🎨🖼

  • NeMo

    A scalable generative AI framework built for researchers and developers working on Large Language Models, Multimodal, and Speech AI (Automatic Speech Recognition and Text-to-Speech)

  • Project mention: [P] Making a TTS voice, HK-47 from Kotor using Tortoise (Ideally WaveRNN) | /r/MachineLearning | 2023-07-06

    I don't test WaveRNN but from the ones that I know the best that is open source is FastPitch. And it's easy to use, here is the tutorial for voice cloning.

  • 3D-Machine-Learning

    A resource repository for 3D machine learning

  • Project mention: 3d cartoon Model | /r/StableDiffusion | 2023-05-31
  • Keras-GAN

    Keras implementations of Generative Adversarial Networks.

  • petals

    🌸 Run LLMs at home, BitTorrent-style. Fine-tuning and inference up to 10x faster than offloading

  • Project mention: Mistral Large | news.ycombinator.com | 2024-02-26

    So how long until we can do an open source Mistral Large?

    We could make a start on Petals or some other open source distributed training network cluster possibly?

    [0] https://petals.dev/

  • pyod

    A Comprehensive and Scalable Python Library for Outlier Detection (Anomaly Detection)

  • Project mention: A Comprehensive Guide for Building Rag-Based LLM Applications | news.ycombinator.com | 2023-09-13

    This is a feature in many commercial products already, as well as open source libraries like PyOD. https://github.com/yzhao062/pyod

  • lab

    A customisable 3D platform for agent-based AI research

  • introtodeeplearning

    Lab Materials for MIT 6.S191: Introduction to Deep Learning

  • chainer

    A flexible framework of neural networks for deep learning

  • Project mention: ChaiNNer – Node/Graph based image processing and AI upscaling GUI | news.ycombinator.com | 2023-07-19

    There is already an AI framework named Chainer: https://github.com/chainer/chainer

  • keras-rl

    Deep Reinforcement Learning for Keras.

  • graph_nets

    Build Graph Nets in Tensorflow

  • Augmentor

    Image augmentation library in Python for machine 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).

neural-networks related posts

  • Why Vector Compression Matters

    3 projects | dev.to | 24 Apr 2024
  • Show HN: Auto Wiki v2 – Turn your codebase into a Wiki now with diagrams

    1 project | news.ycombinator.com | 23 Apr 2024
  • Release: Keras 3.3.0

    1 project | news.ycombinator.com | 22 Apr 2024
  • Machine Learning with PHP

    3 projects | dev.to | 22 Apr 2024
  • Deep Learning in Javascript

    1 project | dev.to | 1 Apr 2024
  • Fundamental Components of Deep Learning (category theory) [pdf]

    1 project | news.ycombinator.com | 13 Mar 2024
  • Mathematical Introduction to Deep Learning: Methods, Implementations, and Theory

    2 projects | news.ycombinator.com | 2 Jan 2024
  • A note from our sponsor - InfluxDB
    www.influxdata.com | 7 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 neural-network projects? This list will help you:

Project Stars
1 Keras 60,972
2 faceswap 49,314
3 nn 48,430
4 pytorch-tutorial 29,160
5 spaCy 28,789
6 DeepSpeech 24,324
7 Anime4K 17,783
8 ml-agents 16,394
9 Machine-Learning-Tutorials 14,870
10 onnxruntime 12,804
11 mit-deep-learning-book-pdf 12,342
12 fast-style-transfer 10,871
13 NeMo 10,128
14 3D-Machine-Learning 9,441
15 Keras-GAN 9,105
16 petals 8,684
17 pyod 7,962
18 lab 7,002
19 introtodeeplearning 6,887
20 chainer 5,867
21 keras-rl 5,493
22 graph_nets 5,322
23 Augmentor 5,022

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