Ecosyste.ms: Awesome

An open API service indexing awesome lists of open source software.

Awesome Lists | Featured Topics | Projects

Keras

Keras is an open source, cross platform, and user friendly neural network library written in Python. It is capable of running on top of TensorFlow, Microsoft Cognitive Toolkit, R, Theano, and PlaidML.

https://github.com/gaborvecsei/neural-network-dreams

Learning an abstract representation of the word which is called the dream

deep-learning gru keras lstm machine-learning rnn vae

Last synced: 11 Oct 2024

https://github.com/sayakpaul/reproducibility-in-tf.keras-with-wandb

Contains code for my model reproducibility experiments. Report attached.

keras reproducible-research tensorflow

Last synced: 02 Nov 2024

https://github.com/jcrodriguez1989/KerasModelCreator

ShinyApp: Visually design Keras models for R language

deep-learning designer gui keras model r shiny tensorflow

Last synced: 03 Aug 2024

https://github.com/jsmolka/tensor-ocr

Optical character recognition using Tensorflow.

keras ocr python tensorflow

Last synced: 05 Nov 2024

https://github.com/paulfitz/segmenty

training convnets to segment visual patterns without annotated data

computer-vision convolutional-neural-networks keras segmentation

Last synced: 27 Oct 2024

https://github.com/unit8co/amld-workshop-pneumonia

Workshop about detecting pneumonia in X-Ray images

amld2019 cnn keras notebook transfer-learning

Last synced: 05 Nov 2024

https://github.com/micah5/death-grips-lyrics-generator

rnn that generates ride lyrics

keras rnn tensorflow-js

Last synced: 06 Nov 2024

https://github.com/sondosaabed/datacamp-image-processing-track

This track covers the fundamentals, from image pre-processing to deep learning. Began with image enhancement, restoration, biomedical images to convolutional neural nets, build powerful deep learning image classifiers.

biomedical-image-processing image-analysis image-processing keras matplotlib python scipy

Last synced: 06 Nov 2024

https://github.com/soumyajit4419/writing_like_shakespeare

Automated Text Generation uisng LSTM.

keras lstm nlp poem shakespeare tensorflow

Last synced: 24 Oct 2024

https://github.com/huangy22/deep_learning

The course works from Andrew Ng's Deep Learning Specialization at Coursera.

convolutional-neural-networks deep-learning keras lstm-neural-networks recurrent-neural-networks

Last synced: 11 Oct 2024

https://github.com/kautenja/keras-pyramid-pooling-module

An implementation of the Pyramid Pooling Module as a Keras layer.

keras pyramid-pooling-module

Last synced: 13 Oct 2024

https://github.com/jonasrauber/foolbox-tensorflow-keras-applications

The pretrained TensorFlow Keras models with a Foolbox Zoo compatible interface

adversarial-attacks foolbox imagenet keras pretrained-models tensorflow

Last synced: 29 Oct 2024

https://github.com/impetus-udes/rule4ml

Resource Utilization and Latency Estimation for ML on FPGA.

fpga hls keras machine-learning neural-network onnx prediction python pytorch regression-models

Last synced: 10 Oct 2024

https://github.com/itzalver/basenet-api

A simple way to build ML models with Keras and Tensorflow as base frameworks.

api deep-learning keras machine-learning python ray tensorflow

Last synced: 10 Oct 2024

https://github.com/avishreekh/chest-x-ray-abnormality-classification

This projects aims to detect abnormalities in chest X-rays using methods in Deep Learning.

deep-learning keras medical-imaging

Last synced: 11 Oct 2024

https://github.com/yahiakr/kerasga

A simple and easy-to-use implementation of Genetic Algorithm for Keras neural network models.

genetic-algorithm keras neural-network

Last synced: 11 Oct 2024

https://github.com/stared/stable-diffusion-keras-m1-gpu

Stable diffusion image generation with KerasCV for Macbook M1 GPU

gpu keras m1 m1-mac stable-diffusion tensorflow

Last synced: 18 Oct 2024

https://github.com/gaborvecsei/barlow-twins

Clean Tensorflow 2 Implementation of the Barlow Twins self-supervised learning method

embeddings keras python self-supervised-learning semi-supervised-learning tensorflow tensorflow2

Last synced: 11 Oct 2024

https://github.com/storopoli/solving-captchas

Tensorflow Keras CNN to solve Captchas

captcha computer-vision keras keras-tensorflow tensorflow

Last synced: 12 Oct 2024

https://github.com/qubvel/template

Template for data science project based on Docker and Jupyter server with Keras/Pytorch

docker jupyter-notebook keras pytorch

Last synced: 28 Oct 2024

https://github.com/flakas/bubble-shooter-bot

Tensorflow and Q-Learning based Python bot for the Bubble Shooter flash game

bot bubble-shooter keras opencv python q-learning reinforcement-learning tensorflow

Last synced: 13 Oct 2024

https://github.com/sayakpaul/consistency-training-with-supervision

Contains experimentation notebooks for my Keras Example "Consistency Training with Supervision".

computer-vision consistency-regularization keras robustness-experiments tensorflow

Last synced: 28 Oct 2024

https://github.com/ar4ikov/sentimentfilter

Быстрая и удобная библиотека для оценки тональности текста с использованием нейросети

cnn-keras cnn-text-classification filter keras lstm open-source sentiment sentiment-analysis tensorflow

Last synced: 30 Oct 2024

https://github.com/ascvorcov/z80-ddqn

Implementation of Double Dueling Q-Network with prioritized experience replay learning to play zx-spectrum games

convolutional-neural-networks ddqn keras plaidml z80 z80-emulator zx-spectrum

Last synced: 24 Oct 2024

https://github.com/omarsar/emotion_recognition_tensorflow

Deep Learning Based Emotion Recognition With TensorFlow

deep-learning emotion-recognition keras nlp rnn tensorflow

Last synced: 13 Oct 2024

https://github.com/barqawiz/ai-nanodegree-term2

Python code for AI Nanodegree Term2 Projects (Keras+Tensorflow)

ai aind2-nlp-capstone aind2-rnn dog-project keras tensorflow udacity

Last synced: 06 Nov 2024

https://github.com/deepmancer/tweet-disaster-detection

fine-tuned BERT and scikit-learn models for real-time classification of disaster-related tweets, using TensorFlow, Keras, and Transformers. .

bert bert-fine-tuning classification fine-tuning huggingface-transformers keras keras-tensorflow natural-language-processing nlp scikit-learn tensorflow tensorflow2 tokenizer transformers

Last synced: 02 Nov 2024

https://github.com/flippchen/porscheinsight-carclassification-ai

Training and Evaluation of porsche car classification models

deep-learning image-classification keras machine-learning

Last synced: 13 Oct 2024

https://github.com/matteobettini/stock-market-prediction-2020

This is the the final project of the course: L330 Data Science: principles and practice at the University Of Cambridge. The task for this project is stock market prediction using a diverse set of variables. In particular, given a dataset representing days of trading in the NASDAQ Composite stock market, our aim is to predict the daily movement of the market up or down conditioned on the values of the features in the dataset over the previous N (trading) days.

classification cnn keras lstm mlp neural-networks sklearn stock-market stock-market-prediction tensorflow

Last synced: 06 Nov 2024

https://github.com/mattbui/dd_qnet

A Double Dueling Deep Q learning model for turtle bot to navigate in custom gym-gazebo maze

double-dqn dueling-dqn keras qlearning

Last synced: 23 Oct 2024

https://github.com/eshansurendra/cell_anomaly_detection_using_autoencoders

This repository offers a TensorFlow-based anomaly detection system for cell images using adversarial autoencoders, capable of identifying anomalies even in contaminated datasets. Check out our code, pretrained models, and papers for more details.

anomaly-detection autoencoder deep-learning h5 keras kernel-density-estimation machine-learning neural-network tensorflow

Last synced: 12 Oct 2024

https://github.com/sun1638650145/textextraction

An AutoML about text extraction, you can use three or four lines of code to extract text.

keras nlp pipeline textextracting transformer

Last synced: 06 Nov 2024

https://github.com/haidousm/fine

an artificial neural network framework built from scratch using just Python and Numpy

convolutional-neural-networks keras neural-network numpy python scratch-implementation

Last synced: 14 Oct 2024

https://github.com/denismurphy/gru-coreml

CoreML compatible GRU neural network for dynamic prediction

coreml coremltools educational gated-recurrent-unit gru ios keras nuralnetwork python swift tensorflow

Last synced: 06 Nov 2024

https://github.com/anuragmishracse/smart_image_classifier

Image Classification library built on top of Keras. Identifies the best set of hyperparameters and train a classification model accordingly, hence, smart.

deep-learning hyperparameter-tuning image-classification keras neural-network tensorflow

Last synced: 14 Oct 2024

https://github.com/mgefimov/colorizer

black & white photo colorizer

coreml coreml-framework coreml-vision keras swift

Last synced: 11 Oct 2024

https://github.com/imdeepmind/hocrox

Hocrox: An image preprocessing and augmentation library with Keras like interface.

computer-vision deep-learning image-processing keras machine-learning opencv python

Last synced: 11 Oct 2024

https://github.com/fdch/dreamsound

An adaptation of the Deep Dream project into an audio-based musical context

audio keras music python tensorflow

Last synced: 11 Oct 2024

https://github.com/florianwoelki/climate_change

This jupyter notebook is for visualising the climate change in the years from 1750 to 2015.

climate-change data-analytics jupyter keras machine-learning python tensorflow

Last synced: 14 Oct 2024

https://github.com/valaydave/mnist-experiments-with-metaflow

Experimentation Of different deep learning models for classification of digits on a MNIST dataset using Metaflow

deeplearning keras metaflow tensorflow

Last synced: 13 Oct 2024

https://github.com/metriccoders/ai-studio

AI Studio by Metric Coders: A No-Code Software to train, download and deploy Large Language Models.

ai-studio artificial-intelligence generative-ai keras langchain large-language-models llm machine-learning natural-language-processing nlp python python3 scikit-learn tensorflow

Last synced: 27 Oct 2024

https://github.com/benjs/hourglass_networks

tf.keras implementation of "Toward fast and accurate human pose estimation via soft-gated skip connections" by Bulat et al. and "Stacked Hourglass Networks for Human Pose Estimation" by Newell et al.

bulat hourglass-network human-pose-estimation keras newell soft-gated-skip-connections stacked-hourglass-networks tensorflow

Last synced: 23 Oct 2024

https://github.com/sayakpaul/ccd-ahm-2022

Contains my code and deck for Cloud Community Days Ahmedabad 2022.

deployment docker gcp keras onnx tensorflow vertex-ai vision

Last synced: 28 Oct 2024

https://github.com/Wigder/inns

An experiment using neural networks to predict obesity-related breast cancer over a small dataset of blood samples.

breast-cancer breast-cancer-diagnosis breast-cancer-prediction breastcancer-classification cancer cancer-detection classifier keras keras-tensorflow machine-learning python python3

Last synced: 04 Aug 2024

https://github.com/abhilash1910/datahour_diffusion

Presentation of the session on Diffusion Principles on behalf of Analytics Vidhya datahour. Youtube: https://www.youtube.com/watch?v=DIdbsfzK7IUtube:

autoencoders clip diffusion keras tensorflow

Last synced: 13 Oct 2024

https://github.com/kgeorgiev42/Image-Colorization-of-Historical-Paintings

Recolorizing grayscaled historical paintings and photos with Deep Learning using an Autoencoder CNN.

deep-learning google-colab image-colorization keras python

Last synced: 03 Aug 2024

https://github.com/caronl/mnist_app

Repository for this app :

digit-recognition keras shinyapps tensorflow

Last synced: 13 Aug 2024

https://github.com/nikhil25803/foodvision

FoodVision is a Python project focused on multiclass image classification, employing Convolutional Neural Networks (CNN).

cnn deeplearning keras multiclass-classification python python3 tensorflow tkinter

Last synced: 30 Oct 2024

https://github.com/luca-parisi/m_arcsinh

m-arcsinh: A Reliable and Efficient Function for Supervised Machine Learning (scikit-learn, TensorFlow, and Keras) and Feature Extraction (scikit-learn)

activation activation-function activation-functions activations arcsinh classification dimensionality-reduction feature-extraction keras keras-tensorflow machine-learning machinelearning mlp mlp-classifier neural-network python scikit-learn svm svm-classifier tensorflow

Last synced: 30 Oct 2024

https://github.com/srowen/quatrains-rnn

Simple example applying Keras, TensorFlow to Nostradamus's prophecies with Cloudera Data Science Workbench

cloudera cloudera-data-science gpu keras nlp rnn tensorflow

Last synced: 01 Oct 2024

https://github.com/kasim95/ocr_math_expressions

A Deep Learning pipeline to recognize mathematical expressions from images

keras mathematics optical-character-recognition python python3 tensorflow tensorflow-models

Last synced: 11 Oct 2024

https://github.com/timofurrer/hslu-pren-digit-cnn

Convolutional Neural Network to recognize digits used in the PREN class @ HSLU

cnn digit-recognition hslu keras machine-learning pren tensorflow

Last synced: 30 Oct 2024

https://github.com/madeyoga/mnist

Train digit recognition model using Tensorflow and Keras with MNIST dataset

computer-vision digit-recognition handwritten-digit-recognition keras mnist tensorflow

Last synced: 11 Oct 2024

https://github.com/ayulockin/deepgenerativemodeling

Towards Generative Modeling from (variational) Autoencoder to DCGAN

autoencoder autoencoder-architecture keras keras-tensorflow vae vae-gan vae-implementation

Last synced: 28 Oct 2024

https://github.com/rid17pawar/fashionapparelclassification-webapp

A web application for classifying clothing photos uploaded by users. It makes use of a deep learning model which is deployed using FastAPI. Achieved 85% accuracy in classifying images.

cnn-keras cnn-model fastapi image-classification keras keras-models keras-neural-networks neural-network react reactjs

Last synced: 12 Oct 2024

https://github.com/vartikaraj2512/dsml-internship-devtown-notebooks-

🌟 Data Science & Machine Learning Internship Projects 📊 Explore a curated collection of DS & ML notebooks covering topics like regression models, clustering, NLP, and deep learning. Dive into real-world projects such as price prediction, sentiment analysis, and customer segmentation. This repository reflects modern data-driven industry solutions

data-science filehandling googlecolab json kaggle keras machine-learning matplotlib numpy pandas python scikit-learn seaborn sql tensorflow

Last synced: 31 Oct 2024

https://github.com/offchan42/honnet

🤖 Deep learning predicts who would win in a HoN match given heroes of both team

convolutional-neural-networks deep-learning game heroes-of-newerth hon keras neural-networks

Last synced: 29 Oct 2024

https://github.com/rithwikksvr/positive-negative-review-classifier

We always give ratings and reviews to many products that we buy online. So these online companies have to check constantly about the review of their products. Currently they use Machine Learning to assess the Rating of a Product and can get can a sense by applying classifiers on these reviews. In the end these classifiers can classify if a review is a Positive or a Negative one.

deep-learning keras machine-learning ml nlp numpy python

Last synced: 11 Oct 2024

https://github.com/tobybreckon/python-cnn-tools-test

a set of simple tools to check if we have TensorFlow, Keras and PyTorch setup correctly to use GPU

gpu keras opencv pytorch tensorflow

Last synced: 27 Oct 2024

https://github.com/notedance/note_rl

Reinforcement learning library for Keras and PyTorch.

deep-reinforcement-learning keras pytorch reinforcement-learning rl tensorflow

Last synced: 10 Oct 2024

https://github.com/craftworksgmbh/mldocs

Documentation for the Machine Learning Process

documentation keras machine-learning sklearn

Last synced: 27 Sep 2024

https://github.com/facundoq/tmeasures

The Transformational Measures (TM) library allows neural network researchers to evaluate the invariance and equivariance of their models with respect to a set of transformations. Support for Pytorch (current) and Tensorflow/Keras (coming).

equivariance invariance keras measure neural-networks python python3 pytorch tensorflow variance

Last synced: 11 Oct 2024

https://github.com/yashkant/pnas-binary-nets

Progressive Neural Architecture Search coupled with Binarized CNNs to search for resource efficient and accurate architectures.

automl binarized-neural-networks keras neural-architecture-search tensorflow-experiments

Last synced: 03 Nov 2024

https://github.com/mbarbetti/pidgan

:package: GAN-based models to flash-simulate the LHCb PID detectors

deep-learning flash-simulation gan keras lhcb-experiment lhcb-lamarr machine-learning pid tensorflow ultrafast-simulation

Last synced: 11 Oct 2024

https://github.com/fpaskali/trus-segmentation

Python workflow for automatic prostate segmentation in transrectal ultrasound 3d images by using deep learning v-net model.

3d deep-learning image-processing keras python segmentation tensorflow

Last synced: 20 Oct 2024

https://github.com/ayberkyavuz/artificial_neural_network_automation

This repository is for automating artificial neural network model creation with tabular data using Keras framework.

automation deep-learning easy-to-use keras machine-learning neural-network python supervised-learning tabular-data

Last synced: 11 Oct 2024

https://github.com/soumik12345/gpt

A minimal implementation of Generative Pre-Training or GPT

deep-learning gpt-2 keras nlp openai tensorflow

Last synced: 24 Oct 2024