Python neural-networks

Open-source Python projects categorized as neural-networks

Top 23 Python neural-network Projects

  • Keras

    Deep Learning for humans

  • Project mention: Side Quest #3: maybe the real Deepfakes were the friends we made along the way | dev.to | 2024-05-20

    def batcher_from_directory(batch_size:int, dataset_path:str, shuffle=False,seed=None) -> tf.data.Dataset: """ Return a tensorflow Dataset object that returns images and spectrograms as required. Partly inspired by https://github.com/keras-team/keras/blob/v3.3.3/keras/src/utils/image_dataset_utils.py Args: batch_size: The batch size. dataset_path: The path to the dataset folder which must contain the image folder and audio folder. shuffle: Whether to shuffle the dataset. Default to False. seed: The seed for the shuffle. Default to None. """ image_dataset_path = os.path.join(dataset_path, "image") # create the foundation datasets og_dataset = tf.data.Dataset.from_generator(lambda: original_image_path_gen(image_dataset_path), output_signature=tf.TensorSpec(shape=(), dtype=tf.string)) og_dataset = og_dataset.repeat(None) # repeat indefinitely ref_dataset = tf.data.Dataset.from_generator(lambda: ref_image_path_gen(image_dataset_path), output_signature=(tf.TensorSpec(shape=(), dtype=tf.string), tf.TensorSpec(shape=(), dtype=tf.bool))) ref_dataset = ref_dataset.repeat(None) # repeat indefinitely # create the input datasets og_image_dataset = og_dataset.map(lambda x: tf.py_function(load_image, [x, tf.convert_to_tensor(False, dtype=tf.bool)], tf.float32), num_parallel_calls=tf.data.AUTOTUNE) masked_image_dataset = og_image_dataset.map(lambda x: tf.py_function(load_masked_image, [x], tf.float32), num_parallel_calls=tf.data.AUTOTUNE) ref_image_dataset = ref_dataset.map(lambda x, y: tf.py_function(load_image, [x, y], tf.float32), num_parallel_calls=tf.data.AUTOTUNE) audio_spec_dataset = og_dataset.map(lambda x: tf.py_function(load_audio_data, [x, dataset_path], tf.float64), num_parallel_calls=tf.data.AUTOTUNE) unsync_spec_dataset = ref_dataset.map(lambda x, _: tf.py_function(load_audio_data, [x, dataset_path], tf.float64), num_parallel_calls=tf.data.AUTOTUNE) # ensure shape as tensorflow does not accept unknown shapes og_image_dataset = og_image_dataset.map(lambda x: tf.ensure_shape(x, IMAGE_SHAPE)) masked_image_dataset = masked_image_dataset.map(lambda x: tf.ensure_shape(x, MASKED_IMAGE_SHAPE)) ref_image_dataset = ref_image_dataset.map(lambda x: tf.ensure_shape(x, IMAGE_SHAPE)) audio_spec_dataset = audio_spec_dataset.map(lambda x: tf.ensure_shape(x, AUDIO_SPECTROGRAM_SHAPE)) unsync_spec_dataset = unsync_spec_dataset.map(lambda x: tf.ensure_shape(x, AUDIO_SPECTROGRAM_SHAPE)) # multi input using https://discuss.tensorflow.org/t/train-a-model-on-multiple-input-dataset/17829/4 full_dataset = tf.data.Dataset.zip((masked_image_dataset, ref_image_dataset, audio_spec_dataset, unsync_spec_dataset), og_image_dataset) # if shuffle: # full_dataset = full_dataset.shuffle(buffer_size=batch_size * 8, seed=seed) # not sure why buffer size is such # batch full_dataset = full_dataset.batch(batch_size=batch_size) return full_dataset

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

  • Keras-GAN

    Keras implementations of Generative Adversarial Networks.

  • SaaSHub

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

    SaaSHub logo
  • petals

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

  • Project mention: Chameleon: Meta's New Multi-Modal LLM | news.ycombinator.com | 2024-05-21

    Things like [petals](https://github.com/bigscience-workshop/petals) exist, distributed computing over willing participants. Right now corporate cash is being rammed into the space so why not snap it up while you can, but the moment it dries up projects like petals will see more of the love they deserve.

    I envision a future where crypto-style booms happen over tokens useful for purchasing priority computational time, which is earned by providing said computational time. This way researchers can daisy-chain their independent smaller rigs together into something with gargantuan capabilities.

  • 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

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

  • composer

    Supercharge Your Model Training (by mosaicml)

  • Project mention: Composer – A PyTorch Library for Efficient Neural Network Training | news.ycombinator.com | 2023-08-18
  • gluonts

    Probabilistic time series modeling in Python

  • Project mention: Show HN: Auto Wiki v2 – Turn your codebase into a Wiki now with diagrams | news.ycombinator.com | 2024-04-23

    https://github.com/awslabs/gluonts is a great candidate for a sample wiki. It is an OSS lib, not great documentation, very hard to RTFM (unlike, say, sklearn which already has a great wiki), doubtful that awslabs would pay to produce.

  • pytorch-forecasting

    Time series forecasting with PyTorch

  • Project mention: FLaNK Stack Weekly for 14 Aug 2023 | dev.to | 2023-08-14
  • dm_control

    Google DeepMind's software stack for physics-based simulation and Reinforcement Learning environments, using MuJoCo.

  • hummingbird

    Hummingbird compiles trained ML models into tensor computation for faster inference.

  • Project mention: Treebomination: Convert a scikit-learn decision tree into a Keras model | news.ycombinator.com | 2023-06-11
  • igel

    a delightful machine learning tool that allows you to train, test, and use models without writing code

  • GAT

    Graph Attention Networks (https://arxiv.org/abs/1710.10903)

  • dm-haiku

    JAX-based neural network library

  • Project mention: Maxtext: A simple, performant and scalable Jax LLM | news.ycombinator.com | 2024-04-23

    Is t5x an encoder/decoder architecture?

    Some more general options.

    The Flax ecosystem

    https://github.com/google/flax?tab=readme-ov-file

    or dm-haiku

    https://github.com/google-deepmind/dm-haiku

    were some of the best developed communities in the Jax AI field

    Perhaps the β€œtrax” repo? https://github.com/google/trax

    Some HF examples https://github.com/huggingface/transformers/tree/main/exampl...

    Sadly it seems much of the work is proprietary these days, but one example could be Grok-1, if you customize the details. https://github.com/xai-org/grok-1/blob/main/run.py

  • BigGAN-PyTorch

    The author's officially unofficial PyTorch BigGAN implementation.

  • NCRFpp

    NCRF++, a Neural Sequence Labeling Toolkit. Easy use to any sequence labeling tasks (e.g. NER, POS, Segmentation). It includes character LSTM/CNN, word LSTM/CNN and softmax/CRF components.

  • 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 neural-networks related posts

  • Side Quest #3: maybe the real Deepfakes were the friends we made along the way

    3 projects | dev.to | 20 May 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
  • 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
  • Mamba-Chat: A Chat LLM based on State Space Models

    6 projects | /r/LocalLLaMA | 7 Dec 2023
  • Keras 3: A new multi-back end Keras

    1 project | news.ycombinator.com | 27 Nov 2023
  • A note from our sponsor - SaaSHub
    www.saashub.com | 31 May 2024
    SaaSHub helps you find the best software and product alternatives Learn more β†’

Index

What are some of the best open-source neural-network projects in Python? This list will help you:

Project Stars
1 Keras 61,099
2 faceswap 49,523
3 pytorch-tutorial 29,248
4 spaCy 28,934
5 fast-style-transfer 10,882
6 NeMo 10,268
7 Keras-GAN 9,105
8 petals 8,763
9 pyod 8,029
10 chainer 5,868
11 keras-rl 5,496
12 graph_nets 5,322
13 Augmentor 5,037
14 composer 5,039
15 gluonts 4,363
16 pytorch-forecasting 3,670
17 dm_control 3,585
18 hummingbird 3,308
19 igel 3,080
20 GAT 3,045
21 dm-haiku 2,820
22 BigGAN-PyTorch 2,813
23 NCRFpp 1,877

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