neural-network

Top 23 neural-network Open-Source Projects

  • tensorflow

    An Open Source Machine Learning Framework for Everyone

  • Project mention: Side Quest Devblog #1: These Fakes are getting Deep | dev.to | 2024-04-29

    # L2-normalize the encoding tensors image_encoding = tf.math.l2_normalize(image_encoding, axis=1) audio_encoding = tf.math.l2_normalize(audio_encoding, axis=1) # Find euclidean distance between image_encoding and audio_encoding # Essentially trying to detect if the face is saying the audio # Will return nan without the 1e-12 offset due to https://github.com/tensorflow/tensorflow/issues/12071 d = tf.norm((image_encoding - audio_encoding) + 1e-12, ord='euclidean', axis=1, keepdims=True) discriminator = keras.Model(inputs=[image_input, audio_input], outputs=[d], name="discriminator")

  • 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
  • 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
  • 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
  • AI-Expert-Roadmap

    Roadmap to becoming an Artificial Intelligence Expert in 2022

  • Project mention: Best AI ML DL DS Roadmap | /r/deeplearning | 2023-12-07

    **[I.am.ai AI Expert Roadmap](https://i.am.ai/roadmap)**: This roadmap focuses more on AI and includes various aspects of machine learning and deep learning. It's suitable for those who want to delve deeper into AI, particularly in cutting-edge research and applications.

  • netron

    Visualizer for neural network, deep learning and machine learning models

  • Project mention: Your 14-Day Free Trial Ain't Gonna Cut It | news.ycombinator.com | 2024-05-06

    They're data-dependence graphs for a neural-network scheduling problem. Like this but way bigger to start with and then lowered to more detailed representations several times: https://netron.app/?url=https://github.com/onnx/models/raw/m... My home-grown layout engine can handle the 12k nodes for llama2 in its highest-level form in 20s or so, but its not the most featureful, and they only get bigger from there. So I always have an eye out for potential tools.

  • handson-ml

    ⛔️ DEPRECATED – See https://github.com/ageron/handson-ml3 instead.

  • awesome-deep-learning

    A curated list of awesome Deep Learning tutorials, projects and communities.

  • Project mention: Good coding groups for black women? | news.ycombinator.com | 2024-01-13

    - https://github.com/ChristosChristofidis/awesome-deep-learnin...

    I'll make another comment if I find anymore in my bookmarks. I'm also an educator.

  • SaaSHub

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

    SaaSHub logo
  • PaddlePaddle

    PArallel Distributed Deep LEarning: Machine Learning Framework from Industrial Practice (『飞桨』核心框架,深度学习&机器学习高性能单机、分布式训练和跨平台部署)

  • Project mention: List of AI-Models | /r/GPT_do_dah | 2023-05-16

    Click to Learn more...

  • darknet

    YOLOv4 / Scaled-YOLOv4 / YOLO - Neural Networks for Object Detection (Windows and Linux version of Darknet ) (by AlexeyAB)

  • ncnn

    ncnn is a high-performance neural network inference framework optimized for the mobile platform

  • Project mention: AMD Funded a Drop-In CUDA Implementation Built on ROCm: It's Open-Source | news.ycombinator.com | 2024-02-12

    ncnn uses Vulkan for GPU acceleration, I've seen it used in a few projects to get AMD hardware support.

    https://github.com/Tencent/ncnn

  • tfjs

    A WebGL accelerated JavaScript library for training and deploying ML models.

  • Project mention: JavaScript Libraries for Implementing Trendy Technologies in Web Apps in 2024 | dev.to | 2024-04-09

    TensorFlow.js

  • qdrant

    Qdrant - High-performance, massive-scale Vector Database for the next generation of AI. Also available in the cloud https://cloud.qdrant.io/

  • Project mention: Hindi-Language AI Chatbot for Enterprises Using Qdrant, MLFlow, and LangChain | dev.to | 2024-05-02

    Great. Now that we have the embeddings, we need to store them in a vector database. We will be using Qdrant for this purpose. Qdrant is an open-source vector database that allows you to store and query high-dimensional vectors. The easiest way to get started with the Qdrant database is using the docker.

  • CNTK

    Microsoft Cognitive Toolkit (CNTK), an open source deep-learning toolkit

  • instant-ngp

    Instant neural graphics primitives: lightning fast NeRF and more

  • Project mention: I want a 3d scanner... | /r/3Dprinting | 2023-07-08
  • gensim

    Topic Modelling for Humans

  • Project mention: Aggregating news from different sources | /r/learnprogramming | 2023-07-08
  • Awesome-pytorch-list

    A comprehensive list of pytorch related content on github,such as different models,implementations,helper libraries,tutorials etc.

  • Machine-Learning-Tutorials

    machine learning and deep learning tutorials, articles and other resources

  • Brain.js

    🤖 GPU accelerated Neural networks in JavaScript for Browsers and Node.js

  • Project mention: JavaScript Libraries for Implementing Trendy Technologies in Web Apps in 2024 | dev.to | 2024-04-09

    Brain.js

  • ivy

    The Unified AI Framework

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

    See also https://github.com/unifyai/ivy which I have not tried but seems along the lines of what you are describing, working with all the major frameworks

  • nni

    An open source AutoML toolkit for automate machine learning lifecycle, including feature engineering, neural architecture search, model compression and hyper-parameter tuning.

  • 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
  • python-machine-learning-book

    The "Python Machine Learning (1st edition)" book code repository and info resource

  • MidJourney-Styles-and-Keywords-Reference

    A reference containing Styles and Keywords that you can use with MidJourney AI. There are also pages showing resolution comparison, image weights, and much more!

  • Project mention: how to learn use midjourney? | /r/midjourney | 2023-05-29

    The best way is just play around and try stuff out. Start with really simple, clear prompts. Then add in keywords to get specific styles or content: there is a huge guide here https://github.com/willwulfken/MidJourney-Styles-and-Keywords-Reference/blob/main/README.md

  • 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-network related posts

  • PyTorch 2.3: User-Defined Triton Kernels, Tensor Parallelism in Distributed

    1 project | news.ycombinator.com | 10 May 2024
  • Your 14-Day Free Trial Ain't Gonna Cut It

    3 projects | news.ycombinator.com | 6 May 2024
  • Intel Arc A770: Arrays larger than 4GB crashes

    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
  • KNN with PHP ML & Rubix ML

    1 project | dev.to | 6 May 2024
  • Hindi-Language AI Chatbot for Enterprises Using Qdrant, MLFlow, and LangChain

    5 projects | dev.to | 2 May 2024
  • Clasificador de imágenes con una red neuronal convolucional (CNN)

    2 projects | dev.to | 1 May 2024
  • A note from our sponsor - InfluxDB
    www.influxdata.com | 12 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 tensorflow 182,693
2 Pytorch 78,205
3 spaCy 28,789
4 AI-Expert-Roadmap 28,486
5 netron 26,256
6 handson-ml 25,094
7 awesome-deep-learning 22,895
8 PaddlePaddle 21,642
9 darknet 21,470
10 ncnn 19,310
11 tfjs 18,151
12 qdrant 18,036
13 CNTK 17,435
14 instant-ngp 15,418
15 gensim 15,273
16 Awesome-pytorch-list 14,985
17 Machine-Learning-Tutorials 14,889
18 Brain.js 14,199
19 ivy 14,025
20 nni 13,777
21 mit-deep-learning-book-pdf 12,342
22 python-machine-learning-book 12,076
23 MidJourney-Styles-and-Keywords-Reference 11,676

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