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/aneeshmurali-n/ann-diabetes-prediction

Predicting diabetes progression using an Artificial Neural Network (ANN). This project leverages the scikit-learn diabetes dataset for training and evaluation. Includes data preprocessing, model building, and performance visualization.

ann data-preprocessing data-visualization deep-learning diabetes-prediction exploratory-data-analysis keras machine-learning matplotlib neural-network numpy pandas regression scikit-learn seaborn tensorflow visualization

Last synced: 31 Oct 2024

https://github.com/fqwqf/lung-adenocarcinoma

使用Python的Keras进行深度学习,以预测肺腺癌患者生存期长短

keras python

Last synced: 31 Oct 2024

https://github.com/dsrichard97/finmodeling

captured live financial data and fine tuning price prediction

keras keras-tensorflow price price-prediction tensorflow

Last synced: 06 Nov 2024

https://github.com/r-papso/face-recognizer

Face recognition demo application

deep-learning face-recognition keras python tensorflow

Last synced: 06 Nov 2024

https://github.com/camara94/tensorflow-keras-python

Les bases du deep learning en tensorflow en Python

deep-learning keras keras-tensorflow neural-networks python tensorflow

Last synced: 05 Nov 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/bniladridas/age-pred

Lets you predict the ages from photos.

deep-learning jupyter-notebook keras python

Last synced: 24 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/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/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/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/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/defaultin/psp-net

Keras PSP-Net

keras psp-net

Last synced: 14 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/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/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/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/trident09/neural-network-mnist

Mnist dataset number recognition models

keras mnist scratch

Last synced: 24 Oct 2024

https://github.com/arif-miad/image-classification

pre-trained image classification models use prior knowledge to recognize patterns in images, speeding up training and improving accuracy.

computer-vision deep-neural-networks kaggle-dataset keras python pytorch resnet-50 tensorflow transfiterlearning vgg19

Last synced: 24 Oct 2024

https://github.com/sharmilas22/amazon-review-sentiment-analysis

Sentiment analysis using tensorflow on amazon review dataset

keras sentiment-analysis tensorflow text-classification-python

Last synced: 07 Nov 2024

https://github.com/byte7/gans

Keras Implementation of Generative Adverserial Networks

deep-learning gan generative-adversarial-network keras

Last synced: 15 Oct 2024

https://github.com/rfsantacruz/obj-classifier

Training, validating and testing a CNN-based object classifier on new data

cnn deep-learning keras machine-learning python tensorflow

Last synced: 07 Nov 2024

https://github.com/rahul1582/named-entity-recognition

A keras implementation of Bidirectional-LSTM for Named Entity Recognition.

bidirectional-lstm keras named-entity-recognition spacy tensorflow

Last synced: 24 Oct 2024

https://github.com/rahul1582/text-generation-using-lstms

Generating Text using Bidirectional LSTMs

bidirectional-lstm keras tensorflow textgeneration

Last synced: 24 Oct 2024

https://github.com/carloocchiena/rnn_text_generation

RNN for text generation from models with Keras and Tensorflow

keras python rnn rnn-tensorflow tensorflow

Last synced: 14 Oct 2024

https://github.com/philtasticguy/gan-emojis

Python/Tensorflow code for training/inference of an AI model (GAN) capable of generating emojis.

artificial-intelligence emoji gan keras machine-learning python tensorflow

Last synced: 28 Oct 2024

https://github.com/somyaranjan26/sudosweep

Platform to help radiologists and doctors to diagnose there paitents by classifying diseases using X-Ray Images.

aws-ec2 covid-19 deep-learning flask-application keras python3 vgg19

Last synced: 12 Oct 2024

https://github.com/dinhanhx/determination

Scripts to set global random for some machine learning framework

determination deterministic keras pytorch randomness scikit-learn tensorflow2

Last synced: 14 Oct 2024

https://github.com/somyaranjan26/deeplearning

Beginner friendly Deep Learning Jupiter-notebooks

cnn jupyter-notebook keras neural-network python vgg19

Last synced: 12 Oct 2024

https://github.com/gabboraron/intro_to_deep_learning-kaggle_course

Use TensorFlow and Keras to build and train neural networks for structured data.

deep-learning kaggle-courses keras tensorflow

Last synced: 01 Nov 2024

https://github.com/dmmiller612/deep-reinforcement-learning-keras

Basic deep reinforcement learning algorithms implemented with Keras

deep-reinforcement-learning keras reinforcement reinforcement-learning simple

Last synced: 12 Oct 2024

https://github.com/hackintoshrao/ml-dl-ai-projects

Machine Learning, Deep Learning and AI projects used for my trainings

artificial-intelligence deep-learning keras machine-learning tensorflow

Last synced: 26 Oct 2024

https://github.com/jrzaurin/rnn_character_tagging

Tagging text at character level with RNNs using Keras and Pytorch

keras machine-learning nlp pytorch rnn text-tagging

Last synced: 15 Oct 2024

https://github.com/ghost---shadow/placeholder-name-vae-gan

placeholder description

keras tensorflow

Last synced: 11 Oct 2024

https://github.com/lukaszbinden/ml-playground

Playground project for machine learning with keras

keras machinelearning neural-networks python tensorflow

Last synced: 25 Oct 2024

https://github.com/kaitoy/ml-mnist

Python scripts for handwritten digits recognition on MNIST with Keras

keras machine-learning mnist python vgg

Last synced: 14 Oct 2024

https://github.com/alphatanmoy-official/asl-recognizer

ASL Stands for American Sign Language Recognition, build this by using Python, Keras, OpenCV and Tensorflow as Backend. Developed a model then train it from Keras Dataset and Then also deploy it in a web Application using Flask and Also made a Desktop Application. Model Accuracy - 97.65%

american-sign-language asl final-year-project flask flask-application kaggle keras ml nlp-machine-learning opencv pyhton3 sequencial tensorflow

Last synced: 13 Oct 2024

https://github.com/p-baleine/qanet-tensorflow

An implementation of QANet with Tensorflow and Keras.

keras nlp squad tensorflow

Last synced: 18 Oct 2024

https://github.com/davityak03/sentence-paraphraser-checker-using-transformers

This Jupyter Notebook implements a tool to check whether two sentences are paraphrases by analyzing their semantic similarity using NLP techniques. It provides a similarity score and a binary decision to indicate if the sentences are paraphrases.

keras nlp nltk numpy python tensorflow tokenizer transformers

Last synced: 13 Oct 2024

https://github.com/deepak-1710/early_brain_stroke_prediction

This repository contains a Deep Learning model using Convolutional Neural Networks (CNN) for predicting strokes from CT scans. The model aims to assist in early detection and intervention of strokes, potentially saving lives and improving patient outcomes.

cnn-classification data-visualization deep-learning flask-application html-css-javascript keras lstm-neural-networks machine-learning-algorithms matplotlib-pyplot neural-network python sklearn-metrics tensorflow

Last synced: 13 Oct 2024

https://github.com/izadoraluz/classificacao-de-texto-com-tensorflow-e-keras

Projeto de classificação binária de reviews usando TensorFlow e Keras, adaptando um tutorial básico para prever recomendações de produtos com base no dataset da B2W.

classification keras pln tensorflow

Last synced: 13 Oct 2024

https://github.com/mshuqair/simunet

Simulation of a Mathematical Model for Maintenance Cost Management using Artificial Neural Networks

artificial-neural-networks cost-estimation keras machines maintenance regression

Last synced: 13 Oct 2024

https://github.com/pejpero/eur_to_pln_exchange_rate_prediction

This project uses an LSTM model to predict EUR to PLN exchange rates. The required dependencies include libraries for data manipulation, visualization, and neural network implementation, ensuring smooth execution of the time series forecasting process.

datascience datascience-machinelearning finance keras keras-tensorflow lstm neuralnetworks tensorflow timeseries-forecasting

Last synced: 13 Oct 2024

https://github.com/suryadev99/pyspark_bank_data_pipeline

end-to-end deep learning pipeline that runs on Spark

databricks deep-learning keras pipeline pyspark

Last synced: 11 Oct 2024

https://github.com/stevewyl/chunk_segmentor

Word Segmentaor with Noun Phrase based on HanLP

chunking keras segmentation

Last synced: 14 Oct 2024

https://github.com/aaronspindler/selfdrivingcar

Learning deep learning and making a self driving car in the process

car data deep deep-learning driving keras learning machine machine-learning python self self-driving-car

Last synced: 11 Oct 2024

https://github.com/mattjesc/federated-learning-simulation-1gpu-mi-is

Federated Learning Simulation on a Single GPU with Model Interpretability and Interactive Visualization

ai cuda deep-learning distributed-systems federated-learning gpu hpc keras machine-learning ml model-interpretability python pytorch simulation streamlit tensorflow

Last synced: 12 Oct 2024

https://github.com/cm-600/fashion-image-classification

My Streamlit Space for Fashion-MNIST Image Classification with a ViT on Hugging Face

huggingface keras python streamlit tensorflow transformers

Last synced: 12 Oct 2024

https://github.com/pramodkondur/dominoes-timeseriesforecasting

This advanced forecasting tool leverages Long Short-Term Memory (LSTM) networks to predict daily sales for 91 types of pizzas and the required quantities of 64 ingredients. By analyzing historical pizza order data, the system provides accurate future demand forecasts, enabling optimized inventory management and purchase planning.

business-intelligence datascience deep-learning keras lstm-neural-networks machine-learning matplotlib pandas predictive-modeling python real-time-prediction real-world-project sckiit-learn seaborn streamlit tensorflow timeseries-forecasting

Last synced: 12 Oct 2024

https://github.com/machinecyc/sideprojects

Basic conception of loss function, dimension reduction, transfer learning, image classification.

autoencoder-mnist center-loss kaggle keras mnist-dataset regression side-project tensorflow transfer-learning triplet-loss

Last synced: 15 Oct 2024

https://github.com/aniket965/colorfulworld

Image Colorisation 🏳️‍🌈

cnn colorization keras

Last synced: 11 Oct 2024

https://github.com/dilkushsingh/facial_emotion_recognizer

Training an image classifier for detecting emotions from scratch on my own dataset.

gradio hugging-face keras opencv python resnet-50 tensorflow

Last synced: 08 Nov 2024

https://github.com/rafalschmidt97/rnn-practice

Time to learn some machine learning baby 🤖

keras ml pandas python recurrent-neural-networks tensorflow

Last synced: 06 Nov 2024

https://github.com/kalvincalimag/django-stock-market-app

Multifunctional stock market app built on Python & Django. Offers historical charts, trend forecasting, portfolio management, market term definitions, & crossover analysis.

alphavantage-api django django-framework javascript keras plotly python yfinance

Last synced: 11 Oct 2024

https://github.com/alphax86/nlp-demo

This project is all about demonstration on Sentiment analysis using NLP

keras nlp pandas tensorflow

Last synced: 11 Oct 2024

https://github.com/mastergalen/stop-bluffing

Machine Learning model for detecting bluffing in Poker

affective-computing deep-learning facs keras ucl

Last synced: 12 Oct 2024

https://github.com/mastergalen/motion-relationships

UCL Computer Science MEng Master's Project: Using machine vision to predict motion relationships between entities in videos.

computer-vision keras machine-vision python ucl

Last synced: 12 Oct 2024

https://github.com/maxstrange/scifi-titles

Neural Networks to make Scifi Book Titles

ai keras machine-learning recurrent-neural-networks scifi

Last synced: 19 Oct 2024