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/choidae1/machine-deeplearing-study

Repo for learning 「혼자 공부하는 머신러닝+딥러닝」(한빛 미디어)

colab keras python tensorflow tensorflow-tutorials

Last synced: 21 Dec 2024

https://github.com/shettysach/handwriting-calculator

A calculator that uses handwritten digits and operators to calculate the result, using contour detection and CNN model prediction. Tensorflow (Keras) is used to create, train and load the neural network model used for predictions. CustomTKinter is used to provide the GUI. OpenCV and Pillow (PIL) are used for contour detection.

basic-arithmetic-operations calculator cnn cnn-keras convolutional-neural-networks digit-recognition handwriting-calculator handwritten-digit-recognition jupyter-notebook keras keras-models keras-neural-networks mnist mnist-classification mnist-handwriting-recognition opencv opencv2 pillow tensorflow tensorflow-models

Last synced: 21 Dec 2024

https://github.com/abhishtagatya/google-trends-predict-covid

🦠 Using Google Trends Data to Predict Covid-19 Cases in Indonesia

covid-19 google google-trends keras lstm

Last synced: 18 Jan 2025

https://github.com/konyd/deepqlearning-cartpole

This repository implements a Deep Q-Learning algorithm to train an agent to balance a pole on a cart using the CartPole-v1 environment from Gymnasium. The project includes a TensorFlow-based neural network, epsilon-greedy exploration, experience replay, and visualization of the trained agent's performance.

deep-learning deepq-learning gymnasium keras python tensorflow

Last synced: 26 Jan 2025

https://github.com/meetptl04/imagestyletranfer

This project demonstrates how to apply neural style transfer using TensorFlow and a pre-trained VGG19 model. The goal is to combine the content of one image with the style of another to create a stylized image. The repository includes code for image processing, loss computation, style transfer, and visualization

image-processing jupyter-notebook keras matplotlib tenserflow

Last synced: 21 Dec 2024

https://github.com/toelt-llc/course-virtuous-ml-lecture

Material for the course given in the VIRUOUS H2020 Project on fundamentals of machine learning and neural networks.

keras machine-learning teaching tensorflow

Last synced: 29 Dec 2024

https://github.com/toelt-llc/course-supsi-lectures-2022

This repositories contains the material for 4 lectures given at the Italian university of applied science in Switzerland.

deep-learning keras teaching

Last synced: 29 Dec 2024

https://github.com/zrkhadija/yoga-pose-recognition-using-cnns

This project employs deep learning techniques to classify yoga poses from images. Using CNNs, the model predicts the pose name for each input image, leveraging techniques like data augmentation and k-fold cross-validation to enhance performance and reliability.

cnn data-augmentation deep-learning evaluation keras tenserflow

Last synced: 02 Feb 2025

https://github.com/notshrirang/myocr

Optical Character Recognition using CNN

cnn keras ocr tensorflow

Last synced: 11 Feb 2025

https://github.com/vasukalariya/natural-scene-text-detection-and-recognition

It is based on the concept of Natural Scene Text Detection and Recognition used to extract texts from the images.

cnn image-processing keras opencv-python recognition text-detection

Last synced: 21 Jan 2025

https://github.com/bunyaminyavuz/mnistdenoisingandclassification

A comprehensive project demonstrating the effects of noise on MNIST digit classification and the improvements achieved using denoising techniques. Includes data preprocessing, model training, and visualization using Streamlit.

classification data-augmentation deep-learning denoising image-processing keras machine-learning mnist neural-networks noise-reduction python streamlit tensorflow

Last synced: 30 Dec 2024

https://github.com/kwanit1142/sars-cov-2-detection-radiology-based-multi-modal-multi-task-framework

Keras-based Implementation for "SARS-CoV-2 Detection: Radiology based Multi-modal Multi-task Framework" (Accepted in 45th IEEE EMBC 2k23)

gans keras matplotlib numpy opencv os pandas pillow scipy sklearn tensorflow transfer-learning wasserstein-distance

Last synced: 13 Jan 2025

https://github.com/marcelo-earth/fashionitem-classifier

👚⚙️ A fashion-item classifier developed with TensorFlow 2.0.0

keras neural-networks python tensorflow2

Last synced: 09 Feb 2025

https://github.com/yinguobing/efficientdet-runner

执行EfficientDet模型推演的最小代码模块

efficientdet keras tensorflow

Last synced: 14 Nov 2024

https://github.com/gabrielsantoslima/fine-tuning-cnns-example

🧪An example of Fine-Tuning of CNN models using Keras and Tensorflow.

cnns fine-tuning keras machine-learning tensorflow

Last synced: 28 Dec 2024

https://github.com/md-emon-hasan/learn-deep_learning

A repository containing resources and tutorials for learning deep learning concepts and implementations using Python, TensorFlow, and Keras.

churn-prediction data-science deep-learning keras neural-network tensorflow tensorflow-keras

Last synced: 13 Jan 2025

https://github.com/amirdh17/deep-learning-for-alzheimer-disease-detection-a-cnn-approach

Using CNN model, Alzheimer's disease can be detected in four classes (non, very mild, mild, moderate). Trained model is integrated into a python application which enable user to detect Alzheimer's disease by importing 3D MRI image (NIfTI format).

augmentation deep-learning jupyter-notebook keras kivy nibabel opencv-python pillow preprocessing python tensorflow

Last synced: 11 Jan 2025

https://github.com/gappeah/binance-crypto-prediction-and-analysis

This project leverages the Binance API to acquire real-time data for Bitcoin (BTC) and Ethereum (ETH). The data is then used to train a Long Short-Term Memory (LSTM) neural network model for predicting cryptocurrency prices.

api binance cryptocurrency keras machine-learning neural-networks python tensorflow

Last synced: 07 Jan 2025

https://github.com/raihan4520/cvpr

Jupyter Notebook projects in Python coded during my Computer Vision and Pattern Recognition course at AIUB, focusing on core computer vision techniques.

computer-vision convolutional-neural-network emotion-detection face-mask-detection jupiter-notebook keras matplotlib numpy opencv pandas python tensorflow

Last synced: 14 Nov 2024

https://github.com/aakanksha1406/image-captioning

predicts the captions for the input image

cnn-model keras lstm matplotlib nltk python tensorflow

Last synced: 28 Dec 2024

https://github.com/nixhantb/onsite-health-diagnostic-ohd

The project aids users to predict the Diseases such as cancer, pneumonia , Heart failure etc in web application. Please use the website link mentioned below.

brain-tumor-classification deep-learning diabetes-prediction disease disease-modeling disease-prediction healthcare heart-failure-prediction keras machine-learning malaria-detection pandemic pneumonia-detection project

Last synced: 14 Jan 2025

https://github.com/charlescatta/behavioral-cloning

Convolutional Neural network that drives a car in a simulator

cnn deep-learning keras self-driving-car

Last synced: 23 Dec 2024

https://github.com/dpinthinker/lightning_talk_2017

This is the keynotes and demo notebook for GDG Festival 2017 Beijing Lightning Talk

keras tesorflow textclassification

Last synced: 27 Jan 2025

https://github.com/danielstankw/vgg16_xray_image_classifier

Image Classification (3 classes) using VGG-16 Deep Learning Model

covid-19 image image-classification keras tensorflow2 vgg16

Last synced: 02 Jan 2025

https://github.com/prashver/stock-price-prediction-lstm

Using Recurrent Neural Network (RNN) and Long Short-Term Memory (LSTM), this project predicts Nestle India stock prices. The dataset spans from May 18, 2018 to May 20, 2022, and results are visualized using matplotlib.

keras lstm-model matplotlib numpy pandas recurrent-neural-network

Last synced: 14 Jan 2025

https://github.com/fardinhash/neuralnetwork-architechtures-implementation

Many Neural Network architectures are there. Basically Keras applications. You can find here the structures, implementations all you need. Have fun!

cnn convolutional-neural-networks deep-learning keras keras-application keras-neural-networks machine-learning neural-network neural-network-architectures neuralnetwork nn

Last synced: 14 Jan 2025

https://github.com/vachanvy/detr

Simplifying Object detection. DEtection TRansformer (DETR) in JAX. (To be Tested)

computer-vision deep-learning detr jax keras keras-jax neural-network object-detection transformer

Last synced: 26 Dec 2024

https://github.com/akash-nath29/image-classifier

A Machine Learning Model capable to detect person's mood (happy or sad) from image

deep-neural-networks dnn keras keras-neural-networks keras-tensorflow machine-learning tensorflow tensorflow-models

Last synced: 20 Dec 2024

https://github.com/summergift/embedded-ml

Machine Learning on Embedded Platform.

embedded keras machine-learning

Last synced: 16 Jan 2025

https://github.com/shibam120302/plant_deseases_prediction

Plant disease forecasting is a management system used to predict the occurrence or change in severity of plant diseases. At the field scale, these systems are used by growers to make economic decisions about disease treatments for control.

keras numpy opencv python

Last synced: 21 Jan 2025

https://github.com/shibam120302/image_watermarking_flask_app

We made this easier than ever using OpenCV with Python to automate watermarking multiple images

flask imagewatermakering imutils keras python tensorflow

Last synced: 21 Jan 2025

https://github.com/shibam120302/face_swap_flask_app

Face Swap is a public Python project that enables you to swap faces with someone. It can be used with photos, videos, and even a live camera.

juypter-notebook keras opencv pillow python

Last synced: 21 Jan 2025

https://github.com/shibam120302/bird_species_flask_app

Bird Species Image Classification Web App using Transfer Learning and Flask

bird flask flask-application keras procfile python

Last synced: 21 Jan 2025

https://github.com/yashk2810/cifar-10

Applying CNN on CIFAR-10

cifar10 convolutional-neural-networks keras

Last synced: 09 Feb 2025

https://github.com/den1ksk/digit-recognizer

Kaggle competition

cv kaggle keras mnist pytorch

Last synced: 04 Feb 2025

https://github.com/bryanbocao/incompletecode

Self-contained Reinforcement Learning Algorithms.

keras reinforcement-learning reinforcement-learning-algorithms tensorflow

Last synced: 11 Feb 2025

https://github.com/milankinen/c2w2c

C2W2C language model from my Master's Thesis

deep-learning deep-neural-networks keras nlp recurrent-neural-networks theano

Last synced: 19 Jan 2025

https://github.com/danibcorr/streamlit-sales-suite

📊 An all-encompassing web platform for data analysis and visualization, powered by Streamlit, complemented by an automated item classifier that streamlines the process of label assignment.

data-analysis data-science data-scraping data-visualization deep-learning insights keras machine-learning mlflow mlops numpy pandas plotly python sales sales-analysis streamlit streamlit-dashboard tensorflow

Last synced: 21 Jan 2025

https://github.com/ducthienbui97/pokedex

I am making a real pokedex with a model 85% accuracy top 1, 91% top 3, 93% top 5

classifier cnn cnn-keras deep-learning deep-neural-networks jupyter-notebook keras pokemon python tensorflow

Last synced: 09 Feb 2025

https://github.com/salvacorts/keras_evosearch

Keras hyperparameter optimization with Evolutionary Algorithms

evolutionary-algorithms grpc keras protobuf tensorflow

Last synced: 22 Jan 2025

https://github.com/vermavinay982/feature-map-visualizer-grad-ascent

What a neural network captures? The filter and feature-maps can be visualized with any image to test with.

cnn deep deep-learning dl feature filter keras maps neural-network opencv python tensorflow

Last synced: 09 Feb 2025

https://github.com/vermavinay982/age-gender-classifier-vggface

Age prediction by classification instead of regression to find age specific features. Trained on 22k images scraped from Wikipedia.

computer-vision deep-learning keras machine-learning

Last synced: 09 Feb 2025

https://github.com/djdhairya/self-driving-car

Basic Self Driving Car Model using Nvidia and Computer Vision

ai aiml computer-vision csv deep-learning jupyter-notebook keras ml nvidia python3 tensorflow

Last synced: 07 Jan 2025

https://github.com/vermavinay982/autoencoder-image-denoising

Random Noise removal from image, It can be used to enhance CCTV or photographs having Distortion, ISO Noise.

anomaly-detection deep-learning keras machine-learning tensorflow

Last synced: 09 Feb 2025

https://github.com/vermavinay982/autoencoder-super-resolution

Experiment to enhance image resolutions without GANs by using autoencoder. Input being a small image.

autoencoder deep-learning keras resolution

Last synced: 09 Feb 2025

https://github.com/g-eoj/cv-tl-keras

Use the cross validation functions from scikit-learn to evaluate image classification transfer learning with Keras models.

cross-validation keras numpy scikit-learn transfer-learning

Last synced: 21 Jan 2025

https://github.com/ivanyu/kaggle-digit-recognizer

Kaggle's "Digit Recognizer" competition

kaggle keras machine-learning scikit-learn

Last synced: 01 Feb 2025

https://github.com/raghavendranhp/credit_card_fraud_detection

This repository contains code for a credit card fraud detection model using autoencoders and logistic regression, achieving 95.3% accuracy.

anomaly-detection autoencoder-neural-network credit-card-fraud data keras logistic-regression machine-learning preprocessing tensorflow

Last synced: 07 Jan 2025

https://github.com/easonlai/correctly_face_masked_recognition

This is a code sample repository for using Convolutional Neural Network (CNN) to build an image classification model to recognition people are correctly wearing the face mask or not.

cnn cnn-classification cnn-keras face-mask face-mask-classification face-mask-detection face-masks keras keras-tensorflow python python3 tensorflow tensorflow2

Last synced: 08 Jan 2025

https://github.com/mohammad95labbaf/brain-tumor-transferlearning

The Brain Tumor MRI Dataset from Kaggle is employed for automated brain tumor detection and classification research. Investigated methods include using pre-trained models (VGG16, ResNet50, and ViT). 🧠🔍

cnn cnn-keras deep-learning deep-neural-networks deeplearning kaggle-dataset keras keras-tensorflow neural-network neural-networks pretrained-models resnet-50 transfer-learning tumor-classification tumor-detection vgg16 vision vision-transformer vit

Last synced: 13 Jan 2025

https://github.com/aiday-mar/keras-image-classification

Jupyter Notebook created for classifying images using neural networks, done for EPFL

deep-learning jupyter-notebook keras machine-learning neural-networks python university-project

Last synced: 05 Jan 2025

https://github.com/cloxnu/omegalab

🧪⚗️🔭🔬🧬🦠🧫🌡 Omega AI Research Laboratory

ai cnn jupyter-notebook keras keras-neural-networks keras-tensorflow tensorflow

Last synced: 13 Jan 2025

https://github.com/omaraflak/gender-prediction

Name to Gender prediction. Trained on French names.

keras lstm neural-network rnn

Last synced: 19 Dec 2024

https://github.com/abhaskumarsinha/corpus2gpt

Corpus2GPT: A project enabling users to train their own GPT models on diverse datasets, including local languages and various corpus types, using Keras and compatible with TensorFlow, PyTorch, or JAX backends for subsequent storage or sharing.

attention-mechanism jax keras large-language-models llm llm-inference llm-training python3 pytorch tensorflow

Last synced: 21 Jan 2025

https://github.com/alvii147/smartwardrobe

Program that identifies pieces of clothing

keras matplotlib pillow pyqt5 tensorflow

Last synced: 25 Dec 2024

https://github.com/neemiasbsilva/django-keras-counting-leaf

Keras CNN model for Plant Leaf Counting integrated into Django Framework and Deploy to Heroku

django heroku heroku-deployment herokuapp keras machine-learning plant-counting plant-phenotypes regression

Last synced: 05 Jan 2025

https://github.com/gallo13/pattern-rec-neural-networks-image-classification_2

Image Classification with Convolutional Neural Networks: Imablance, Performance Evaluation, Ensembling (Final 2)

cnn convolutional-neural-networks ensemble-machine-learning image-classification image-processing jupyter-notebook keras tensorflow

Last synced: 26 Jan 2025

https://github.com/offchan42/honnet-web

Website for my HoNNeT deep learning side-project

bulma-css deep-learning flask gunicorn heroku hon jinja2 keras python tensorflow vuejs2

Last synced: 09 Feb 2025

https://github.com/piotrlaczkowski/keras-data-processor

Data Preprocessing model based on Keras preprocessing layers that can be used as a standalone model or incorporated to Keras model as first layers.

data keras layers preprocessing tensorflow

Last synced: 09 Nov 2024

https://github.com/soumyagautam/sign-sense

Deep Learning and Neural Network based Sign Sense or 'Sign Language' to Speech converter is an desktop app which can detect hand signs in a frame and can convert them to Speech, according to their respective meaning. Opposite to this, it can also recognise your voice and can convert it to sign language.

ai cv2 dataprocessing deep-learning keras machine-learning mediapipe moviepy-library neural-network openai-whisper scikit-learn tensorflow tkinter-python

Last synced: 30 Dec 2024

https://github.com/kmedian/keras-layernorm-rnn

RNNs with layer normalization; Prep package for tensorflow/addons, see v0.8.2, and commit https://github.com/tensorflow/addons/commit/cdb43ffd7e4b89d6ce8cdadcd62fec46c7f0f7fa

keras layer-normalization recurrent-neural-network rnn rnn-keras rnn-tensorflow simplernn tensorflow

Last synced: 15 Jan 2025

https://github.com/kr1shnasomani/greendetect

Detection of plant diseases using CNN (ResNet50 architecture)

computer-vision deep-learning keras neural-network numpy opencv pandas scikit-learn seaborn tensorflow

Last synced: 19 Dec 2024

https://github.com/kentaroy47/deepsort.keras

DeepSort implemented in Keras.

deepsort keras

Last synced: 27 Jan 2025

https://github.com/jp1016/imagecnn

Detect Clothings using TensorFlow

clothing keras keras-tensorflow machine-learning python tensorflow

Last synced: 03 Jan 2025

https://github.com/dineshpinto/ml-droplet-recognition

Neural network for micro-fluidic droplet LLPS recognition

biology deep-learning keras machine-learning neural-network tensorflow

Last synced: 04 Feb 2025

https://github.com/geo-tp/image-ocr

Continuity of keras-ocr to work with the latest versions of python. A packaged and flexible version of the CRAFT text detector and Keras CRNN recognition model.

ai character image keras ocr recognition

Last synced: 20 Jan 2025

https://github.com/florianwoelki/mnist_fashion_cnn

This is a classification problem based on the mnist fashion dataset. I've used a CNN to classify the images.

classifier cnn fashion keras mnist numpy pandas tensorflow

Last synced: 27 Jan 2025

https://github.com/ashad001/climate-gemma

Fine-tune the Gemma2B language model on a climate-related question-answer dataset to improve its domain-specific knowledge using LoRA (Low Rank Adaptation).

climate fine-tuning gemma-2b keras keras-nlp llm lora machinelearning nlp question-answering

Last synced: 08 Jan 2025

https://github.com/mehraaaaa24/stockpriceprediction

A real-time web app that predicts stock prices using an LSTM model, visualizes data with moving averages, and allows user input for stock symbols.

jupyter-notebook keras lstm-neural-networks matplotlib numpy pandas python streamlit tensorflow yfinance

Last synced: 11 Feb 2025

https://github.com/arrrsunny/blockyai

This is the educational project that allow user to build up their own AI model with various blocks:

ai blocks keras python3 tensorflow

Last synced: 21 Dec 2024

https://github.com/nazanin1369/keras-transfer-learning

VGG, RasNet and Inception architectures transfer learning

keras rasnet transfer-learning vggnet

Last synced: 10 Nov 2024

https://github.com/sminerport/imdbsentimentclassifier

A sentiment analysis model trained on the IMDb Movie Reviews Dataset to classify reviews as positive or negative. This project uses a Bidirectional LSTM with GloVe embeddings, batch normalization, and regularization to improve accuracy and generalization. Includes data preprocessing, model training, and evaluation.

bidirectional-lstm deep-learnning git-lfs glove imdb-dataset keras lstm machine-learning movie-review-app natural-language-processing nlp opinion-mining python sentimental-analysis tensorflow text-classification

Last synced: 04 Jan 2025

https://github.com/tushard48/brain-tumour-detection

Brain tumor detection and prediction using keras vgg-16

deep-learning flask keras machine-learning reactjs vgg16-model

Last synced: 09 Feb 2025

https://github.com/vsoch/repo2docker-keras

a repo2docker image with keras installed along tensorflow

docker forward keras repo2docker tensorflow

Last synced: 28 Jan 2025

https://github.com/offchan42/detect-cylinder

Detect cylinder from images using deep learning

convolutional-neural-networks deep-learning keras opencv tensorflow

Last synced: 09 Feb 2025

https://github.com/vsoch/keras-r

simple container with R wrapper for Keras neural network library

container docker keras keras-r rstudio-keras

Last synced: 28 Jan 2025

https://github.com/johnnixon6972/resnets

Implementations of ResNet-18, ResNet-34, ResNet-50, ResNet-101, and ResNet-152 in TensorFlow 2, based on the "Deep Residual Learning for Image Recognition" paper by Kaiming He, Xiangyu Zhang, Shaoqing Ren, and Jian Sun (2015)

convolutional-neural-networks keras neural-network resnet tensorflow

Last synced: 09 Feb 2025

https://github.com/aaaastark/accelerometer-sensors-analysis

Time Series Analysis: Accelerometer Sensors of Object Inclination and Vibration. Time Series Analysis by using different (State of Art Models) Machine and Deep Learning. Recurent Neural Network with CuDNNLSTM Model, Convolutional Autoencoder, Residual Network (ResNet) and MobileNet Model.

accelerator accelerometer convolutional-autoencoder cudnnlstm inclination keras markov-transition-fields matplotlib moblienet pandas python recurrent-neural-network residual-network sensor sensors-data-collection skleran tensorflow time-series-analysis vibration-analysis vibration-sensor

Last synced: 15 Jan 2025

https://github.com/wesdoyle/mnist-paint

Vanilla JS + TensorFlow paint with MNIST hand-written digit classification

cnn keras mnist-handwriting-recognition ocr-recognition tensorflow

Last synced: 28 Jan 2025

https://github.com/aajanki/kalevala-rnn

Recurrent neural network imitates Kalevala

char-rnn keras neural-network tensorflowjs text-generation

Last synced: 08 Jan 2025