Python Keras

Open-source Python projects categorized as Keras

Top 23 Python Kera Projects

  • tqdm

    :zap: A Fast, Extensible Progress Bar for Python and CLI

  • Project mention: Neat Parallel Output in Python | news.ycombinator.com | 2024-02-25

    yeah my code needs to use multiprocessing, which does not play nice with tqdm. thanks for the tip about positions though, that helped me search more effectively and came up with two promising comments. unmerged / require some workarounds, but might just work:

    https://github.com/tqdm/tqdm/issues/1000#issuecomment-184208...

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

  • WorkOS

    The modern identity platform for B2B SaaS. The APIs are flexible and easy-to-use, supporting authentication, user identity, and complex enterprise features like SSO and SCIM provisioning.

    WorkOS logo
  • Mask_RCNN

    Mask R-CNN for object detection and instance segmentation on Keras and TensorFlow

  • Project mention: Intuituvely Understanding Harris Corner Detector | news.ycombinator.com | 2023-09-11

    The most widely used algorithms for classical feature detection today are "whatever opencv implements"

    In terms of tech that's advancing at the moment? https://co-tracker.github.io/ if you want to track individual points, https://github.com/matterport/Mask_RCNN and its descendents if you want to detect, say, the cover of a book.

  • d2l-en

    Interactive deep learning book with multi-framework code, math, and discussions. Adopted at 500 universities from 70 countries including Stanford, MIT, Harvard, and Cambridge.

  • best-of-ml-python

    šŸ† A ranked list of awesome machine learning Python libraries. Updated weekly.

  • horovod

    Distributed training framework for TensorFlow, Keras, PyTorch, and Apache MXNet.

  • Keras-GAN

    Keras implementations of Generative Adversarial Networks.

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

    AutoML library for deep learning

  • wandb

    šŸ”„ A tool for visualizing and tracking your machine learning experiments. This repo contains the CLI and Python API.

  • Project mention: A list of SaaS, PaaS and IaaS offerings that have free tiers of interest to devops and infradev | dev.to | 2024-02-05

    Weights & Biases ā€” The developer-first MLOps platform. Build better models faster with experiment tracking, dataset versioning, and model management. Free tier for personal projects only, with 100 GB of storage included.

  • einops

    Flexible and powerful tensor operations for readable and reliable code (for pytorch, jax, TF and others)

  • Project mention: Einops: Flexible and powerful tensor operations for readable and reliable code | news.ycombinator.com | 2023-12-12
  • BigDL

    Accelerate local LLM inference and finetuning (LLaMA, Mistral, ChatGLM, Qwen, Baichuan, Mixtral, Gemma, etc.) on Intel CPU and GPU (e.g., local PC with iGPU, discrete GPU such as Arc, Flex and Max). A PyTorch LLM library that seamlessly integrates with llama.cpp, HuggingFace, LangChain, LlamaIndex, DeepSpeed, vLLM, FastChat, ModelScope, etc.

  • Project mention: LLaMA Now Goes Faster on CPUs | news.ycombinator.com | 2024-03-31

    Any performance benchmark against intel's 'IPEX-LLM'[0] or others?

    [0] - https://github.com/intel-analytics/ipex-llm

  • MMdnn

    MMdnn is a set of tools to help users inter-operate among different deep learning frameworks. E.g. model conversion and visualization. Convert models between Caffe, Keras, MXNet, Tensorflow, CNTK, PyTorch Onnx and CoreML.

  • keras-rl

    Deep Reinforcement Learning for Keras.

  • textgenrnn

    Easily train your own text-generating neural network of any size and complexity on any text dataset with a few lines of code.

  • Project mention: Modern alternative to textgenrnn? | /r/MLQuestions | 2023-06-09

    Try this: 1) (Not sure if that's necessary.) Uninstall textgenrnn: pip3 uninstall textgenrnn. 2) Install it using one of this commands: * pip3 install git+git://github.com/minimaxir/textgenrnn.git * pip3 install git+https://github.com/minimaxir/textgenrnn.git (Try the first one, but if it'll raise an error, try the second one.) That's discussion about this "multi_gpu_model not found" error: https://github.com/minimaxir/textgenrnn/issues/222.

  • segmentation_models

    Segmentation models with pretrained backbones. Keras and TensorFlow Keras.

  • Project mention: Instance segmentation of small objects in grainy drone imagery | /r/computervision | 2023-12-09

    Also, Iā€™d suggest considering switching to the segmentation-models library - it provides U-Net models with a variety of pretrained backbones of as encoders. The author also put out a PyTorch version. https://github.com/qubvel/segmentation_models.pytorch https://github.com/qubvel/segmentation_models

  • image-super-resolution

    šŸ”Ž Super-scale your images and run experiments with Residual Dense and Adversarial Networks.

  • pytorch-summary

    Model summary in PyTorch similar to `model.summary()` in Keras

  • Artificial-Intelligence-Deep-Learning-Machine-Learning-Tutorials

    A comprehensive list of Deep Learning / Artificial Intelligence and Machine Learning tutorials - rapidly expanding into areas of AI/Deep Learning / Machine Vision / NLP and industry specific areas such as Climate / Energy, Automotives, Retail, Pharma, Medicine, Healthcare, Policy, Ethics and more.

  • polyaxon

    MLOps Tools For Managing & Orchestrating The Machine Learning LifeCycle

  • PINTO_model_zoo

    A repository for storing models that have been inter-converted between various frameworks. Supported frameworks are TensorFlow, PyTorch, ONNX, OpenVINO, TFJS, TFTRT, TensorFlowLite (Float32/16/INT8), EdgeTPU, CoreML.

  • donkeycar

    Open source hardware and software platform to build a small scale self driving car.

  • Project mention: embedded ML graduation project ideas | /r/embedded | 2023-06-18

    The donkey car community is also a good ressource, but based around the Raspberry Pi and a lot more complex: https://www.donkeycar.com/

  • keras-tuner

    A Hyperparameter Tuning Library for Keras

  • foolbox

    A Python toolbox to create adversarial examples that fool neural networks in PyTorch, TensorFlow, and JAX

  • Project mention: More snake-oil | /r/DefendingAIArt | 2023-06-26

    Go ahead, play with any adversarial attacks from https://github.com/bethgelab/foolbox you will not find an attack that is both robust to perturbations and almost visually imperceptible

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

Index

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

Project Stars
1 tqdm 27,405
2 data-science-ipython-notebooks 26,459
3 Mask_RCNN 24,119
4 d2l-en 21,628
5 best-of-ml-python 15,302
6 horovod 13,942
7 Keras-GAN 9,105
8 autokeras 9,066
9 wandb 8,190
10 einops 7,897
11 BigDL 5,910
12 MMdnn 5,782
13 keras-rl 5,489
14 textgenrnn 4,943
15 segmentation_models 4,602
16 image-super-resolution 4,493
17 pytorch-summary 3,949
18 Artificial-Intelligence-Deep-Learning-Machine-Learning-Tutorials 3,638
19 polyaxon 3,479
20 PINTO_model_zoo 3,288
21 donkeycar 3,001
22 keras-tuner 2,822
23 foolbox 2,655

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