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/chen0040/keras-object-detection-web-api

A simple wrapper over keras object detection libraries and provide web api using flask

flask keras object-detection yolo

Last synced: 09 Feb 2025

https://github.com/schefflera-arboricola/virtual-ta

Hackathon Project 2023 : Captures the facial expressions of a learner watching online lectures and gives real time feedback/prompts, with a chat-gpt window incorporated.

beginner-project chatgpt-api cnn cnn-model computer-vision cv2 deep-face education facial-expression-recognition flask flask-application hackathon-project keras sklearn wip

Last synced: 25 Jan 2025

https://github.com/tharindanimnajith/deep-learning-spam-detection

Deep Learning classifiers to detect spam SMS messages - LSTM Model, DenseNet CNN Models - NLP, Python, Jupyter Notebook, Tensorflow, Keras, Numpy, Pandas, Matplotlib, Scikit-Learn

deep-learning densenet keras lstm nlp python3 scikit-learn tensorflow

Last synced: 25 Jan 2025

https://github.com/ariyaarka/plant-disease-detection-app

A beginner level plant disease detection model. It primary works for 3 diseases which is Corn(maize)Common_rust, Potato_Early_blight and TomatoBacterial_spot

cnn datascience deep-learning keras machine-learning python tensorflow

Last synced: 14 Feb 2025

https://github.com/arindal1/sentiment-analysis-tf-keras

A python script for YouTube sentiment analysis using a Neural Network with TensorFlow and Keras.

keras machine-learning sentiment-analysis tensorflow youtube

Last synced: 14 Feb 2025

https://github.com/adzialocha/notebook

Jupyter notebooks for random experiments with audio processing, data analysis and machine learning

jupyter-notebook keras learning librosa music21 scikit-learn

Last synced: 14 Feb 2025

https://github.com/olk/ki-ocr-spreadsheet

convert a spreadsheet exported as JPEG into a CSV file containing spreadsheet's data by using a DNN (Tensorflow)

artificial-intelligence cpp csv ctc-loss deep-learning dnn dnn-model jpeg keras neural-network opencv python spreadsheet tensorflow

Last synced: 31 Jan 2025

https://github.com/bhargav-joshi/img-caption-generator

Automatically creating the description or caption of an image using any natural language sentences is a very challenging task. It requires both methods from computer vision to understand the content of the image and a language model from the field of natural language processing to turn the understanding of the image into words in the right order. In addition to that we have discussed how this model can be implemented on web and will be accessible for end user as well.

flask jupyter-notebook keras machine-learning nlp nltk numpy pandas python tensorflow

Last synced: 14 Feb 2025

https://github.com/saranshmanu/transfer-learning-dog-breed-classifier

Given an image of a dog, algorithm will identify an estimate of the canine’s breed. If supplied an image of a human, the code will identify the resembling dog breed.

cnn dog-breed-classifier keras opencv transfer-learning

Last synced: 01 Feb 2025

https://github.com/saranshmanu/cifar-image-classification

This project was to create a model that can classify and predict the object in the image from the open source dataset CIFAR 10. The dataset is divided into five training batches and one test batch, each with 10000 images.

cifar-10 cnn convolutional-neural-networks deep-learning keras keras-neural-networks machine-learning python

Last synced: 01 Feb 2025

https://github.com/r21gh/gan_maps

a Pix2Pix GAN for Image-to-Image Translation

gan keras neural-network python ten tensorflow

Last synced: 01 Feb 2025

https://github.com/mehassanhmood/deep_learning-and-bitcoin

Applying LSTM model to a time series data that has categorical target values.

deep-learning keras machine-learning

Last synced: 01 Feb 2025

https://github.com/aryansk/mnist-deep-learning-exploration

This repository contains implementation of various deep learning approaches for the MNIST handwritten digit classification task, using both scikit-learn and Keras frameworks.

keras machine-learning machine-learning-algorithms mnist-classification numpy python scikit-learn tensorflow

Last synced: 01 Feb 2025

https://github.com/chaitanyac22/multi-input-multi-output-mnist-image-digit-and-summed-output-classification

The goal of this project is to build a neural network that takes an MNIST handwritten digit (0-9) image and a random number (digit 0-9) as inputs and returns the predicted class label (0-9) for the input image and its addition (sum) with the input random number as summed output (range 0-18) label as outputs.

cnn-classification data-visualization deep-neural-networks exploratory-data-analysis functional-api image-data-generator image-processing keras mnist-classification model-building model-evaluation multi-inputs multi-outputs python3 tensorflow

Last synced: 01 Feb 2025

https://github.com/noeyislearning/pneumonia-detection-model

This repository contains code and a trained Keras model for detecting pneumonia in chest X-ray images using TensorFlow. The model was trained on a dataset of chest X-rays from the NIH Chest X-ray Dataset. It can be used to classify chest X-rays as either pneumonia-positive or pneumonia-negative.

convolutional-neural-networks deep-learning keras machine-learning opencv teachable-machine tensorflow

Last synced: 01 Feb 2025

https://github.com/haoruilee/2020_seu_practical_training

2020东南大学数学学院 深度学习实训

keras tensorflow

Last synced: 01 Feb 2025

https://github.com/miroslav-reiter/pevs-pani-kontrolling

⚙️ Zdrojové kódy a projekty z predmetu Kontrolling na DNN na PEVS/PANI

deep-learning dnn keras kontrolling pani pevs python reiter tensorflow uns

Last synced: 15 Feb 2025

https://github.com/anish202020/real-time-emotion-face-detection

The primary purpose of this website is to detect emotions in real-time using facial expressions captured via a camera.

fer keras numpy opencv python streamlit tensorflow

Last synced: 08 Feb 2025

https://github.com/anish202020/data-analysis-and-machine-learning-basic-programs

Basic programs on data analysis and machine learning for students. It includes a variety of tutorials, examples, and models to help students understand and apply these concepts.

keras matplotlib numpy pandas python sklearn tensorflow

Last synced: 08 Feb 2025

https://github.com/vishal-v/tiny-imagenet-challenge

Code and final submission for the Tiny ImageNet Challenge. Trained on Google colab and finished top 5 among 1072 participants

cnn-classification deep-learning imaug keras tensorflow tiny-imagenet tiny-imagenet-challenge

Last synced: 08 Feb 2025

https://github.com/nguyenquangtung/ml-chatbox

Basic chatbot using Keras Sequential Model and Deployment

api chatbot flask keras natural-language-processing nlp sequential-models

Last synced: 15 Feb 2025

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

ML based project which uses various techniques to build a hybrid model for identifying brain tumour in MRI images

jupyter-notebook keras machine-learning ml numpy python seaborn sklearn sklearn-metrics tensorflow

Last synced: 09 Feb 2025

https://github.com/farzanmrz/music-genre-classification

🎵 Music Genre Classification using Machine Learning 🚀 A Python project that leverages machine learning algorithms to classify music tracks into genres based on audio features. Explore KNN, SVM, Decision Trees, and more. Checkout the plotted graphs for model comparison!

kaggle-dataset keras machine-learning music-classification neural-networks tensorflow

Last synced: 09 Feb 2025

https://github.com/bursasha/deeplearningai-machine-learning-tensorflow-course

Projects and certificates from a machine learning course focused on TensorFlow and Keras, covering neural networks, CNNs, NLP, and time series analysis 🧠

convolutional-neural-networks deeplearning-ai keras machine-learning mlcourse natural-language-processing neural-networks numpy pandas python-machine-learning recurrent-neural-networks tensorflow

Last synced: 09 Feb 2025

https://github.com/iamgmujtaba/gif-celeba

A complete guide on how to generate animated images by detecting character face and gender using the CNN model.

celeba cnn-classification cnn-keras deep-neural-networks keras keras-tensorflow

Last synced: 09 Feb 2025

https://github.com/chen0040/pydl-hands-on

Hands-on experiments on the various deep learning framework

hands-on-lab keras theano

Last synced: 09 Feb 2025

https://github.com/ondrejhruby/fashion-mnist-cnn

Deep Learning Project: Image classification with Fashion MNIST using Convolutional Neural Networks (CNN).

classification cnn computer-vision data-preprocessing deep-learning fashion-mnist image-classification keras machine-learning neural-networks python tensorflow

Last synced: 22 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/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/yinguobing/efficientdet-runner

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

efficientdet keras tensorflow

Last synced: 14 Nov 2024

https://github.com/ruban2205/face-mask-detector

This repository contains code and resources for a real-time face mask detection system using deep learning techniques. The system can identify whether a person is wearing a face mask or not, making it useful for applications in public safety, healthcare, and security.

face-detection keras machine-learning python-programming tensorflow

Last synced: 22 Jan 2025

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

DeepSort implemented in Keras.

deepsort keras

Last synced: 27 Jan 2025

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/khaymanii/dog_vs_cat_classification_system

This model was built using Python and Transfer Learning Algorithm, it is used to classify an animal as either dog or cat

keras python tensorflow transfer-learning

Last synced: 21 Jan 2025

https://github.com/simranjeet97/machine-learning

How to Setup Machine Learning Environment in Your PC or Laptop ? How to install Machine Learning Libraries ? How to Build ML Models, Algorithms and Other Stuff ??Your all Questions are answer here !!!!

algorithm deep-learning environment-configuration keras libraries machine-learning numpy pandas scipy tensorflow

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/abdullahwaqar/stock_prediction

The goal of this project is to accurately predict the future closing value of a given stock across a given period of time in the future.

ai keras ltsm machine-learning stock-analysis stock-price-prediction tensorflow

Last synced: 20 Jan 2025

https://github.com/rusiruchapana/blood-group-prediction

Creating a machine learning project to predict blood groups from fingerprint patterns

asp-net-web-api keras matplotlib numpy opencv-python pandas pillow scikit-learn tensorflow

Last synced: 21 Jan 2025

https://github.com/coding-enthusiast9857/deep_learning_projects

Welcome to the Deep Learning Projects Repository! This repository is a collection of hands-on projects related to deep learning, covering a wide range of topics and applications.

ai ann cnn cv deep-learning deep-neural-networks dl gan image-processing keras ml nlp python pytorch rnn tensorflow transfer-learning

Last synced: 14 Jan 2025

https://github.com/alexeygrigorev/kfserving-keras-transformer

A transformer for KFServing that users keras_image_helper

deep-learning keras kfserving kubeflow

Last synced: 17 Jan 2025

https://github.com/frostbyte012/computer-vision-project-ay-2024

This project presents a real-time face emotion detection system implemented as a full-stack desktop application. The system integrates deep learning techniques to accurately classify human emotions, including happiness, sadness, anger, surprise, disgust, fear, and neutral expressions, from live video streams or camera inputs. Download apk file :-

android android-app computer-vision deep-learning java keras mlkit opencv tensorflow tensorflow-lite

Last synced: 13 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/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/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/tianxiaomo/keras_detection

Keras implementation of detection model.

cv detection keras

Last synced: 14 Jan 2025

https://github.com/mirgis/plucky-playground

A modest collection of machine learning and deep learning algorithms, along with examples implemented in diverse toolkits.

bayes bayesian deep-learning examples ipynb keras machine-learning neural-network pandas playground python3 pytorch scikit-learn sklearn statistics tensorflow

Last synced: 01 Feb 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/notshrirang/myocr

Optical Character Recognition using CNN

cnn keras ocr tensorflow

Last synced: 11 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/bertuginal/face-mask-detection

Real-time face mask detection with opencv, keras/tensorflow

deep-learning keras machine-learning opencv python tensorflow

Last synced: 27 Dec 2024

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/ivanch/autoseg-testing

Semi-Automatic testing data augmentation techniques for SegNet.

data-augmentation data-augmented-autoencoders keras segnet

Last synced: 05 Jan 2025

https://github.com/justindavies/cocoonaks

Demo for Edinburgh OSS Summit

aks azure demo keras kubernetes tensorflow virtual-kublet

Last synced: 03 Feb 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/chrdek/colab_varioustf

Several tensorflow colab notebooks that I found from various sources

image-classification keras keras-neural-networks tensorflow tensorflow-examples tensorflow-tutorials

Last synced: 13 Feb 2025

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: 12 Feb 2025

https://github.com/aakanksha1406/fake-news-classifier

to identify when an article might be fake news

keras lstm lstm-neural-networks nltk python scikit-learn tensorflow

Last synced: 09 Feb 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/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/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/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/samuelastech/image-classification

Create classes with Python, Tensorflow, and Keras to recognize the images you want

jupyter-notebook keras keras-models python tensorflow

Last synced: 20 Jan 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/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/neelanjan00/neural-style-transfer

A neural style transfer algorithm which uses a CNN trained with a style-cost function. The style-cost function makes use of two images, the style-image and the content-image to produce an image which is the content-image re-drawn in the style of the style-image, referred to as the generated image. The generated-image thus resembles an artwork similar to the original content-image but bearing the style of the style-image.

computer-vision deep-learning flask keras tensorflow

Last synced: 10 Feb 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/neelanjan00/blind-vision

Assisting blind people with the help of image-captioning via a smartphone app. The application makes use of two neural networks, a CNN-based image feature extractor, and an LSTM based sentence generator. The user is able to submit images to the app, which are fed to the CNN feature extractor. The extracted features are then fed to the LSTM network to generate the sentence that describes the image, which is then read aloud to the user.

cnn flask keras lstm ml opencv tensorflow

Last synced: 10 Feb 2025

https://github.com/aman5319/birdsclassification

This repo replicates all the techniques used in building a classifier in Fastai to keras. From preparing Dataset to getting state of the art result

createdataset fastai fastaitokeras keras

Last synced: 03 Feb 2025

https://github.com/prakharjadaun/opinion-classification-of-imdb-moview-reviews

Performed text categorization on 50K IMDB movie reviews using LSTM and GRU

gru-neural-networks keras lstm sentiment-analysis

Last synced: 18 Jan 2025

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/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/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/paulfitz/keras_cli

keras cli

cli command-line keras

Last synced: 13 Feb 2025

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/coditheck/tensorflow

TensorFlow is an open source Machine Learning library, created by Google, for developing and running Machine Learning and Deep Learning applications.

deep-learning deep-neural-networks keras machine-learning neural-network python tensorflow tensorflow-tutorials

Last synced: 13 Feb 2025