Keras

Top 23 Kera Open-Source 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.

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

    Visualizer for neural network, deep learning and machine learning models

  • Project mention: Visualizer for neural network, deep learning and machine learning models | news.ycombinator.com | 2023-12-26
  • 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.

  • 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

  • best-of-ml-python

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

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

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

  • Keras-GAN

    Keras implementations of Generative Adversarial Networks.

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

    Techniques for deep learning with satellite & aerial imagery

  • Project mention: What satellite image analytics are in demand now? | /r/gis | 2023-06-26
  • 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.

  • Practical_RL

    A course in reinforcement learning in the wild

  • t81_558_deep_learning

    T81-558: Keras - Applications of Deep Neural Networks @Washington University in St. Louis

  • keras-rl

    Deep Reinforcement Learning for Keras.

  • Keras.js

    Run Keras models in the browser, with GPU support using WebGL

  • 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

  • machine_learning_complete

    A comprehensive machine learning repository containing 30+ notebooks on different concepts, algorithms and techniques.

  • image-super-resolution

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

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

Keras related posts

Index

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

Project Stars
1 tqdm 27,405
2 data-science-ipython-notebooks 26,459
3 netron 26,040
4 Mask_RCNN 24,119
5 d2l-en 21,628
6 ncnn 19,176
7 best-of-ml-python 15,302
8 horovod 13,942
9 Keras-GAN 9,105
10 autokeras 9,065
11 wandb 8,190
12 einops 7,897
13 techniques 7,739
14 BigDL 5,910
15 MMdnn 5,782
16 Practical_RL 5,709
17 t81_558_deep_learning 5,666
18 keras-rl 5,489
19 Keras.js 4,951
20 textgenrnn 4,943
21 segmentation_models 4,602
22 machine_learning_complete 4,501
23 image-super-resolution 4,493

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