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/gbenson/bkdk

Block game machine learning thing

keras machine-learning neural-networks tensorflow

Last synced: 31 Oct 2024

https://github.com/florianwoelki/aerial_cactus_cnn

A CNN for an aerial cactus classification competition.

aerial-cactus classification cnn keras tensorflow

Last synced: 14 Oct 2024

https://github.com/aghabeiki/keras-predict

A Node.JS Native add-ons to run Keras trained model.

cpp17 keras ml napi nodejs prediction

Last synced: 03 Nov 2024

https://github.com/mpoojithavigneswari/sentiment-analysis

The primary goal of this project is to build a sentiment analysis model that can predict the sentiment of a given review (positive or negative).

deep-learning keras machine-learning nlp python rnn-lstm scikit-learn tensorflow

Last synced: 10 Oct 2024

https://github.com/darkmatter18/keras_model_deployment_flask

A Simple way to deploy your tensorflow.keras model using Flask

flask keras serving tensorflow

Last synced: 24 Oct 2024

https://github.com/jayita11/ann-classification-customer-churn-prediction

The project predicts bank customer churn using an Artificial Neural Network (ANN). It includes data preprocessing, model training with TensorFlow and Keras, and deployment via a Streamlit app. The model's performance is visualized using TensorBoard, showcasing effective machine learning techniques for customer retention.

artificial-neural-networks customer-churn deep-learning keras machine-learning python streamlit tensorflow

Last synced: 03 Nov 2024

https://github.com/sondosaabed/introduction-to-deep-learning-with-keras

Using Keras in deep learning, covering tasks like predicting asteroid trajectories, binary classification of real and fake dollar bills, and reconstructing noisy images with neural networks.

deep-learning keras neural-network

Last synced: 06 Nov 2024

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: 26 Sep 2024

https://github.com/zakirangwala/emotion-classifier

The model classifies seven emotions: Anger, Contempt, Disgust, Fear, Sadness, Happy, and Surprise, using an ensemble of pre-trained VGG16, ResNet50, and InceptionV3 models. For a demonstration, refer to app.py, which constructs a Gradio app and integrates with Spotify to offer playlists tailored to each detected emotion.

artificial-intelligence gradio jupyter-notebook keras opencv python tensorflow

Last synced: 26 Sep 2024

https://github.com/shreenidhi7700/handwritten-digit-recognition-using-machine-learning-artificial-and-convolutional-neural-network

Classify a given image of handwritten digit into one of the 10 classes representing integer values from 0 to 9 using Machine and Deep learning algorithms, and compare between various models and find the classifier that works best for our project problem.

convolutional-neural-networks jupyter-notebook keras python3 tensorflow

Last synced: 10 Oct 2024

https://github.com/lakshitalearning/codsoft

Machine Learning Projects - CODSOFT Internship: This repository showcases my machine learning projects completed during my internship at Codsoft. It demonstrates my skills in developing innovative solutions using various ML techniques and tools.

churn-prediction codsoft codsoftinternship deep-learning handwritten-text-recognition internship-project keras machine-learning python rnn-tensorflow scikit-learn spam-detection

Last synced: 03 Nov 2024

https://github.com/minhosong88/cnns_food_classification

This project focuses on using Convolutional Neural Networks (CNNs) to classify food images from the Food-11 dataset.

adam-optimizer cnn-classification keras neural-network optimization python relu selu tensorflow

Last synced: 03 Nov 2024

https://github.com/matimortari/shakespeare

Train and generate a Shakespeare-based text using an LSTM (Long Short-Term Memory) model.

keras lstm neural-network numpy python shakespeare tensorflow

Last synced: 03 Nov 2024

https://github.com/ashishtukaral/sign-language-recognition-using-ai

A real-time Sign Language Recognition system using AI to translate hand signs into text and speech, enhancing communication for individuals with hearing impairments. This web application leverages neural networks and computer vision to provide accurate and accessible translation.

ann classification cnn computer-vision deep-learning flask keras machine-learning matplotlib neural-network numpy oops opencv pandas python3 tensorflow

Last synced: 03 Nov 2024

https://github.com/amber-abuah/rnn-poem-generation

A Recurrent Neural Network that can infinitely generate poetry. Trained using Tensorflow & Python.

generative-ai generator gradio keras machine-learning python recurrent-neural-networks rnn rnn-tensorflow tensorflow

Last synced: 03 Nov 2024

https://github.com/melihemin/tumor-segmentation

Deep learning model to detect stroke symptoms using Keras UNet

keras python unet

Last synced: 03 Nov 2024

https://github.com/sondosaabed/datacamp-deep-learning-track

Advanced deep learning concepts, utilizing Keras and TensorFlow to explore neural networks, model optimization, and practical applications

datacamp deep-learning keras python

Last synced: 06 Nov 2024

https://github.com/iambedant/cmrit-deeplearning-techtalk-demo

Sample code for "Introduction to Deep Learning and Neural Networks" presentation.

deeplearning keras mnist neural-network tensorflow

Last synced: 31 Oct 2024

https://github.com/nezorinegor/myml-notes

👻 Набор ноутбуков по ML "на все случаи жизни". Позже превращу его в ROADMAP

cv keras ml nlp nltk sklearn

Last synced: 03 Nov 2024

https://github.com/hayatiyrtgl/dcgan_mnsit

This code implements a DCGAN to generate realistic images of handwritten digits from the MNIST dataset, training the generator and discriminator alternatively for a set number of epochs.

gan gans generative-adversarial-network generator keras python tensorflow

Last synced: 05 Nov 2024

https://github.com/amiriiw/digit_classification

Welcome to the Digit Classification Project! This project focuses on training a model to classify handwritten digits and using the trained model to predict digits from new images.

digit-classification keras mysql mysql-database numpy os sklearn tensorflow

Last synced: 03 Nov 2024

https://github.com/ledsouza/deep-learning-noticias

Este projeto visa construir dois modelos de Machine Learning: um para classificar notícias em diferentes categorias e outro para realizar o autocomplete de texto, prevendo a próxima palavra em uma frase. O conjunto de dados fornecido consiste em notícias de um site de notícias, já pré-processadas e armazenadas em um arquivo CSV.

deep-learning keras machine-learning python scikit-learn tensorflow

Last synced: 10 Oct 2024

https://github.com/aliosm/yags_gtm_tutorial

Source code for Google Teachable Machine tutorial

deep-learning google-teachable-machine keras machine-learning python

Last synced: 31 Oct 2024

https://github.com/mm-ir/kerastutorials

Learn Keras

deeplearning keras

Last synced: 31 Oct 2024

https://github.com/defaultin/psp-net

Keras PSP-Net

keras psp-net

Last synced: 14 Oct 2024

https://github.com/sondosaabed/introduction-to-deep-learning-in-python

Knowledge of how to use deep learning with Keras, the latest version of a cutting-edge library for deep learning in Python.

deep-learning keras python tensorflow

Last synced: 06 Nov 2024

https://github.com/sshh12/build-a-bill

Creating Legislation with AI.

char-rnn govtrack gpt-2 keras lstm

Last synced: 05 Nov 2024

https://github.com/oshapandey/plant_disease_prediction

In this project, I've will build a convolutional neural network (CNN) that can predict whether a plant is suffering from a disease. I've used different layers and hyperparameters to build, train, and test this classification model. I have used TensorFlow and Keras for this project.

cnn flask keras prediction python streamlit-webapp tensorflow

Last synced: 05 Nov 2024

https://github.com/hadson0/dip-candy-classification

Candy classification project using digital image processing. Includes dataset creation, model development, and evaluation tools with TensorFlow, OpenCV, and Albumentations. Complete setup and instructions provided for building and training the model.

albumentations bounding-boxes cnn computer-vision cvat image-classification image-processing keras machine-learning matplotlib numpy opencv python seaborn sklearn tensorflow

Last synced: 26 Sep 2024

https://github.com/mrgloom/position-and-radius-estimation-example

Toy example of position and radius estimation

convolutional-neural-networks keras toy-project

Last synced: 15 Oct 2024

https://github.com/saravanabalagi/whale_classification

A quick attempt to classify whales using data from Kaggle Whale Classification

kaggle kaggle-dataset keras keras-tensorflow python tensorflow whales

Last synced: 15 Oct 2024

https://github.com/itscodeninja/price-prediction

Implemented a predictive model for market prices leveraging deep learning techniques. Utilized recurrent neural networks to forecast trends and improve accuracy.

deep-learning keras machine-learning matplotlib pandas python

Last synced: 10 Oct 2024

https://github.com/mwoss/malaria-detection

Malaria cells detection using CNN model.

classification cnn deep-learning kaggle keras malaria-detection

Last synced: 13 Oct 2024

https://github.com/dk56/snare

SNARE: Scorebased Neural Architecture REduction

deep-learning keras neural-networks python tensorflow

Last synced: 13 Oct 2024

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

Training a car game to self drive using the training data obtained from playing the game.

convolutional-neural-networks deep-learning keras neural-networks

Last synced: 26 Oct 2024

https://github.com/nature1995/ai-toxic-content-classification-in-django

A Quora question toxic content Classification model with Django applicaiton

django keras pytorch quora quora-questions toxic-comment-classification

Last synced: 15 Oct 2024

https://github.com/nature1995/dogs-vs-cats

Kaggle competition for dogs-vs-cats

deep-learning keras

Last synced: 15 Oct 2024

https://github.com/dardeep/loan-default-prediction-2

Loan Default Prediction aims to use machine learning models (Keras and PyTorch) to classify whether a loan will default or not.

credit-risk data-science keras python pytorch

Last synced: 24 Oct 2024

https://github.com/into-ai/kerasltisubmission

Submit your trained keras models to a kerasltiprovider that proxies any LTI conforming learning platform

assignment hand-in keras lti-tool pip python tensorflow

Last synced: 13 Oct 2024

https://github.com/zhiwu-zhang-lab/genetic_spectral_autoencoder

This repository if for creating auto-encoders easily. The main focus of the auto-encoders on this page is for genetic and spectral data analysis but likely could be used for any high dimensional data

auto-encoder auto-encoders autoencoder autoencoders dimensionality-reduction genetics genomics gwas keras machine-learning machine-learning-algorithms nir nonlinear population-structure spectral-analysis spectral-clustering unsupervised unsupervised-clustering unsupervised-learning unsupervised-machine-learning

Last synced: 13 Oct 2024

https://github.com/alphatanmoy-official/facial-expression-detection

By Capturing Real-Time Images/Videos The model can identify A humans Expression, build this by using Python, Keras, OpenCV and Tensorflow as Backend. Developed a model then train it from Keras Dataset (MM2 and CC 2013) with a cascading File. Implemented using GUI also. Model Accuracy 78.92%

bsc-project facial-expression-recognition facial-recognition final-year-project image-processing keras machine-learning nlp opencv python python3 tensorflow

Last synced: 13 Oct 2024

https://github.com/bniladridas/age-pred

Lets you predict the ages from photos.

deep-learning jupyter-notebook keras python

Last synced: 24 Oct 2024

https://github.com/sofiia-chorna/deep-learning

Deep Learning Course, IP Paris, 2024

deep-learning keras mlp python pytorch rnn

Last synced: 24 Oct 2024

https://github.com/gabrafo/intro-dl-rn

Repositório dedicado ao curso de Introdução às Redes Neurais e Deep Learning da Universidade Federal de Lavras (UFLA).

keras machine-learning neural-networks

Last synced: 24 Oct 2024

https://github.com/kushrm2803/mnist_gan

Generative Adversarial Network (GAN) to generate handwritten digits similar to those in the MNIST dataset

ann cnn deep-learning keras mnist tensorflow

Last synced: 24 Oct 2024

https://github.com/priyapuranik/shoe-classification_using-cnn

A deep learning project that classifies different types of shoes using Convolutional Neural Networks (CNNs) based on image data.

cv2 deep-learning keras matplotlib-pyplot python tensorflow

Last synced: 24 Oct 2024

https://github.com/galois1915/google-ml-engineer

This program provides the skills you need to advance your career and provides training to support your preparation for the industry-recognized Google Cloud Professional Machine Learning Engineer certification.

api automl bigquery keras mlops-workflow tensorflow2 vertex-ai

Last synced: 13 Oct 2024

https://github.com/sisolieri/cnn-cifar10-classification

Classification of CIFAR-10 images using a CNN model as part of my Master's in Data Science. 12 experiments were conducted to improve accuracy, achieving 90.7% with data augmentation. Future work focuses on refining transfer learning techniques.

cifar10 cnn-classification convolutional-neural-networks data-augmentation deep-learning image-classification keras machine-learning python tensorflow transfer-learning

Last synced: 24 Oct 2024

https://github.com/wkambale/keras_gemini

A Python package that combines the power of Keras with Gemini for natural language-driven neural network building.

gemini keras package python3

Last synced: 24 Oct 2024

https://github.com/fimbres/emotion-recognition

This is an AI project developed in Python to recognize emotions in people.

ai kaggle-dataset keras numpy opencv python tensorflow

Last synced: 06 Nov 2024

https://github.com/ramarav/introduction-to-tensorflow-for-artificial-intelligence-machine-learning-and-deep-learning

Introduction to TensorFlow for Artificial Intelligence, Machine Learning, and Deep Learning - Coursera course practice files.

keras keras-layer keras-tensorflow python python-3 python3 tensorflow tensorflow-examples tensorflow-tutorials tensorflow2

Last synced: 11 Oct 2024

https://github.com/shrunsprint89/yfinstockscreeners

Python/Jupyter notebooks that attempt to read stock market data from Yahoo Finance and predict future values based on ML Models

jupyter keras python stock tensorflow

Last synced: 10 Oct 2024

https://github.com/grantgasser/task2

Multiclass classification

keras multiclass-classification neural-network

Last synced: 28 Oct 2024

https://github.com/rahul-vinay/sentimentlens

A sentiment analysis model using Bidirectional LSTM, Attention Mechanism and pre-trained GloVe embeddings, implemented with Keras.

attention-mechanism data-science keras lstm-neural-networks natural-language-processing python pytorch sentiment-analysis text-classification

Last synced: 24 Oct 2024

https://github.com/yangboz/transferlearning4dentist

Transfer Learning for Dentist diagnosis aid , an intelligent healthcare application for train/validate/test/predict.

bottleneck-features dataset deep-learning fine-tuning image-classification image-recognition keras python transfer-learning

Last synced: 27 Oct 2024

https://github.com/sauravokos/deep-learning

Repository on private project concerning Deep Learning through multilevel neural networks

keras numpy pillow python python-3-5 scikit-image scikit-learn scipy tensorflow tensorflow-examples tkinter tkinter-graphic-interface

Last synced: 12 Oct 2024

https://github.com/karm-patel/fingercountingold

To build a model able to count fingers as well as distinguish between left and right hand.

keras lime resnet-50

Last synced: 29 Oct 2024

https://github.com/ranjit7858/customer_churn_prediction_ann

It is a Web app which can predict whether the Bank customer will churn or not.

keras python taipy tensorflow

Last synced: 13 Oct 2024

https://github.com/fedesgh/ann_regression_for_house_price_using_keras_tuner

ANN model optimized with keras tuner

keras keras-tuner

Last synced: 24 Oct 2024

https://github.com/cliffordnwanna/fashion_mnist_classifier

This project implements a neural network to classify fashion items from the Fashion MNIST dataset using Keras and TensorFlow. The web app allows users to upload images and receive predictions on the type of fashion item, such as shirts, trousers, and more.

artificial-neural-networks computer-vision convolutional-neural-networks deep-learning fashion-mnist-dataset keras machine-learning streamlit tensroflow

Last synced: 24 Oct 2024

https://github.com/ledsouza/keras-flores

Este projeto demonstra a construção de um modelo de Machine Learning utilizando a biblioteca Keras para classificar as espécies de flores Iris (Setosa, Versicolor e Virginica) com base em suas características.

deep-learning keras keras-tensorflow machine-learning multilayer-perceptron-network neural-network tensorflow

Last synced: 10 Oct 2024

https://github.com/nickklos10/concrete-compressive-strenght-prediction

This project predicts concrete compressive strength using a neural network regression model built with Keras.

jupyter-notebook keras matplotlib numpy pandas python scikit-learn

Last synced: 24 Oct 2024

https://github.com/mariam-zaidi/gesture_recognition_model

Deep learning model to recognize gestures

3dconv cnn-rnn keras lstm neural-networks tensorflow

Last synced: 13 Oct 2024

https://github.com/amiriiw/text_classification

Welcome to the Text Classification Project! This project is designed to train a model for classifying texts based on their emotional content and then using it to categorize new texts into corresponding emotional categories.

keras numpy pandas pickle scikit-learn tensorflow text-classification

Last synced: 03 Nov 2024

https://github.com/rishannp/motor-imagery---graph-attention-network

This is works in attempt to develop novel, state-of-the-art models for decoding EEG MI data from patient datasets. Specifically using GAT, highlighting their potential advantages.

amyotrophic-lateral-sclerosis bci-competition-iv-2a brain-computer-interface deep-learning eeg graph-attention-networks keras machine-learning motor-imagery-classification tensorflow

Last synced: 13 Oct 2024

https://github.com/matousss/ttt_ai

TicTacToe with neural network

keras neural-network python tictactoe

Last synced: 07 Nov 2024

https://github.com/samamasaleem/artificial-neural-network-for-combined-cycle-power-plant-energy-output-prediction

This project demonstrates the implementation of an Artificial Neural Network (ANN) model to predict the net hourly electrical energy output of a Combined Cycle Power Plant (CCPP).

artificial-neural-networks combined-cycle-power-plant deep-learning keras machine-learning sklearn tensorflow uci-machine-learning

Last synced: 03 Nov 2024

https://github.com/pejpero/neural_network_regression_and_classification

This repository contains neural network regression models built from scratch and using Keras for comparison. It visualizes training and testing performance, analyzing MSE, R², and decision boundaries. The project demonstrates learning techniques and optimization for regression tasks.

data-visualization keras machine-learning neural-network regression

Last synced: 03 Nov 2024

https://github.com/yash-rewalia/emotion_detection_cnn_deep_learning

This project focuses on emotion detection using Convolutional Neural Networks (CNN), implementing and comparing four models: a custom CNN, a custom CNN with data augmentation, VGG16, and ResNet50v2 for accurate emotion recognition from images.

deep-learning deep-neural-networks emotion-detection keras machine-learning python tensorflow

Last synced: 03 Nov 2024

https://github.com/amiriiw/gesture_recognition

Welcome to the Gesture Recognition Project! This project is designed to train a model to recognize hand gestures from images, and then use that model to detect gestures in real-time.

gesture-recognition json keras matplotlib numpy pathlib tensorflow

Last synced: 03 Nov 2024

https://github.com/fanisgl/cnn_machine_learning

A Machine Learning exercise that trains Convolutional Neural Network (CNN) using the tensorflow 2 and Keras libraries to predict images from the CIFAR-10 dataset.

data-science keras machine-learning neural-networks numpy pandas pooling-layers relu softmax tensorflow2

Last synced: 03 Nov 2024

https://github.com/phtrempe/conviz

Conviz is a convolutional neural network layer visualization library developed in Python and used with Keras.

convolutional-layers convolutional-networks convolutional-neural-networks keras python python-3 python3 tensorflow theano visualization

Last synced: 03 Nov 2024

https://github.com/edisonmoy/facial-classification

Training facial classification models to be used in real time with facial detection.

deep-learning face-detection image-classification keras opencv pillow scraping tensorflow

Last synced: 07 Nov 2024

https://github.com/arserchung/ml_cnn

Basis CNN intro& project of recognize to cat or dog

glob keras keras-models numpy opencv os sklearn tensorflow

Last synced: 03 Nov 2024

https://github.com/opixelum/finance-news-sentiment-classifier

Tells if a finance news is either negative, neutral or positive.

artificial-intelligence classification finance keras sentiment-analysis tensorflow

Last synced: 03 Nov 2024

https://github.com/travelxml/tensorflow-and-keras-sentiment-analysis-using-rnn

NLP: Sentiment Analysis using TensorFlow and Keras: This project implements a Recurrent Neural Network (RNN) to classify Amazon product reviews into different sentiment categories. It leverages text preprocessing, tokenization, and model training to predict the sentiment with high accuracy.

deep-learning deep-neural-networks deeplearning keras keras-tensorflow nlp rnn rnn-tensorflow sentiment-analysis tenserflow

Last synced: 03 Nov 2024

https://github.com/yassizh/brain-tumor-detection

Our project leverages AI, specifically transfer learning with Keras and TensorFlow, to detect brain tumors from MRI images. We are developing a precise algorithm, evaluating its performance, and creating a user-friendly interface for healthcare professionals.

brain-tumor-detection cnn computer-vision deep-learning detection image-processing jupyter-notebook keras preprocessing pyqt5 tensorflow transfer-learning

Last synced: 03 Nov 2024