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/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: 10 Oct 2024

https://github.com/savinrazvan/image_similarity

Compare image similarity using features extracted from the pre-trained VGG16 model. This project leverages cosine similarity for accurate visual similarity assessment, making it ideal for image retrieval and duplicate detection.

computer-vision convolutional-neural-networks cosine-similarity deep-learning feature-extraction image-comparison image-processing image-similarity keras pre-trained-models python vgg16

Last synced: 10 Oct 2024

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: 10 Oct 2024

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: 10 Oct 2024

https://github.com/ansub/mask-detection

A Mask Detection Application using Keras/TensorFlow and OpenCV.

keras numpy opencv python tensorflow

Last synced: 21 Dec 2024

https://github.com/nrubin29/3d-or-not

Determine if the object in a given image is 3D printed or not.

classifier keras keras-js react

Last synced: 20 Jan 2025

https://github.com/tianxiaomo/keras_detection

Keras implementation of detection model.

cv detection keras

Last synced: 14 Jan 2025

https://github.com/techeng322/alphagozero

Unofficial attempt to rebuild AlphaGo Zero

alphago-zero keras tensorflow

Last synced: 28 Dec 2024

https://github.com/sefakcmn00/tensorflow_car_price_analysis

In this project, after extracting the data sets as csv, we tried to represent the car prices graphically and schematically by using data analysis and data visualization methods. We checked the connection of the car prices we analyzed with other data, then we created a 4-layer and 12-neuron system.

data datatrain keras machine-learning matplotlib-pyplot pandas seaborn sklearn tensorflow

Last synced: 13 Jan 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: 13 Jan 2025

https://github.com/ryantusi/chatbots

(under development) Welcome to the Chatbots Repository! These chatbots were developed as part of the "Build a Chatbot with Python Skill Path" course from Codecademy, covering three types of chatbots: rule-based chatbot, retrieval-based chatbot, and generative chatbot.

artificial-intelligence chatbot deep-learning generative-ai keras lstm machine-learning natural-language-processing python tensorflow

Last synced: 20 Jan 2025

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

a repo2docker image with keras installed along tensorflow

docker forward keras repo2docker tensorflow

Last synced: 13 Jan 2025

https://github.com/hamidzr/next-block-prediction

Next block prediction in the block base visual programming environment, NetsBlox

keras rnn tensorflow word2vec

Last synced: 21 Jan 2025

https://github.com/somjit101/human-activity-recognition

This project is to build a model that predicts the human activities such as Walking, Walking Upstairs, Walking Downstairs, Sitting, Standing or Laying using readings from the sensors on a smartphone carried by the user.

decision-tree-classifier eda feature-engineering gradient-boosting-classifier grid-search human-activity-recognition keras logistic-regression lstm random-forest-classifier rbf-kernel scikit-learn seaborn-plots signal-processing support-vector-classifier support-vector-machine t-sne tensorflow uci-har-dataset uci-machine-learning

Last synced: 16 Jan 2025

https://github.com/noeyislearning/fruit-classifier-model

This repository contains code and a trained Keras model for classifying fruits using image recognition and machine learning. The model was trained on a dataset of fruit images from the Fruits & Vegetables by Jorge B's dataset.

classifier-model deep-learning keras machine-learning teachable-machine tensorflow

Last synced: 06 Dec 2024

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: 06 Dec 2024

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: 29 Nov 2024

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: 12 Oct 2024

https://github.com/belajarqywok/tebakaja_cryptocurrency

provides accurate and scalable cryptocurrency forecasts by integrating advanced techniques, ensuring reliable predictions for informed decisions.

cython fastapi forecasting gcc-complier huggingface keras tensorflow

Last synced: 01 Nov 2024

https://github.com/darraghdog/fish

Kaggle - The Nature Conservancy :fish:

cnn deep-neural-networks kaggle-competition keras region-detection yolo2

Last synced: 20 Dec 2024

https://github.com/dulajkavinda/live-sketching

✍️ Converting live video stream from webcam into a sketch using OpenVC and Keras

added image-filtering keras machinelearning matplotlib numpy opencv python

Last synced: 14 Dec 2024

https://github.com/kazuhito00/tf2-keras-explain-examples

Tensorflowの可視化解釈ライブラリ(tf-explain、Grad-CAM等)のJupyter上での実行例。

gradcam keras tensorflow tf-explain

Last synced: 23 Jan 2025

https://github.com/nitesh-thapliyal/brailleease

Understand Braille code with ease!

cnn flask keras python tensorflow

Last synced: 18 Jan 2025

https://github.com/adamvvu/tf_compactprogbar

A simple and compact one-line progress bar for TensorFlow 2 Keras.

keras keras-callback tensorflow tensorflow-addons tensorflow2

Last synced: 12 Dec 2024

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

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

keras tensorflow

Last synced: 06 Dec 2024

https://github.com/capellax02/face-age-expression-detector

My first AI project for estimating age and recognizing facial expressions. UTKFace and FER-2013 datasets were used as well as some popular Python libraries like OpenCV, TensorFlow, and Keras.

ai fer-2013 keras tensorflow utkface

Last synced: 26 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/swift-earth-science/cris-xco-ml

Fast Carbon Monoxide Column (XCO) Estimation from Cross-track Infrared Sounder (CrIS) Observations Using Machine Learning

air-quality carbon-monoxide cris earth-observation earth-science jupyter-notebook keras machine-learning python remote-sensing tensorflow xco

Last synced: 13 Jan 2025

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: 20 Oct 2024

https://github.com/wuweiweiwu/qwop-thesis

Honors Thesis completed under the supervision of Maria Gini and James Parker. Cum Laude. :sparkler:

cum-laude honors keras qwop thesis

Last synced: 18 Dec 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 Dec 2024

https://github.com/mustafahakkoz/alzheimer-contest

Submission for drivendata 3D-MRI video contest

cnn computer-vision keras medical-image-processing opencv

Last synced: 29 Nov 2024

https://github.com/cassanof/patient_api

A full-stack app that predicts cancer diagnosis using machine learning

cancer-detection golang keras machine-learning postgresql rest-api tensorflow

Last synced: 29 Nov 2024

https://github.com/florianwoelki/titanic_classification

This is a binary classification problem for the titanic dataset.

deep-learning jupyter-notebook kaggle keras machine-learning python tensorflow titanic titanic-dataset

Last synced: 29 Nov 2024

https://github.com/aloiscrr/face-detection-mobilenet

Face detection using tensorflow, keras and MobileNet convolutional networks

keras keras-tensorflow mobilenetv2 tensorflow2

Last synced: 11 Jan 2025

https://github.com/alfikiafan/eye-direction-classifier

Classifying eye direction using CNN. Goals: Predict the direction of gaze based on grayscale eye images, which are preprocessed to ensure consistent model training and evaluation.

cnn deep-learning eyes keras tensorflow

Last synced: 21 Dec 2024

https://github.com/lukashedegaard/keras-visual

Visualisation framework for Tensorflow Keras models

explanation keras tensorflow visualization

Last synced: 06 Jan 2025

https://github.com/akhilpandey95/uncertainty

Work as part of ANL summer 2020 research on uncertainity quanitification methods in graph neural networks

aleatoric-uncertainty bayesian-deep-learning epistemic-uncertainty gnn graph keras pytorch uncertainty-quantification

Last synced: 29 Dec 2024

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

Kaggle's "Digit Recognizer" competition

kaggle keras machine-learning scikit-learn

Last synced: 06 Dec 2024

https://github.com/asirwad/color-craft-gan

🌈Image colorization using Generative Adversarial Networks implemented in tensorflow 🌈

deep-learning generative-adversarial-network keras pyqt5-desktop-application tensorflow

Last synced: 21 Jan 2025

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

Final project for the Computational Intelligence and Deep Learning course at University of Pisa.

convolutional-neural-networks deep-learning deep-neural-networks keras keras-neural-networks keras-tensorflow point-cloud pointcloud pointclouds tensorflow2

Last synced: 29 Dec 2024

https://github.com/paulfitz/keras_cli

keras cli

cli command-line keras

Last synced: 21 Dec 2024

https://github.com/amogh7joshi/deeptoolkit

A deep learning library containing implementations of popular algorithms and extensions to TensorFlow and Keras, with an in-built computer vision module.

deep-learning keras neural-networks python tensorflow

Last synced: 05 Dec 2024

https://github.com/justindavies/cocoonaks

Demo for Edinburgh OSS Summit

aks azure demo keras kubernetes tensorflow virtual-kublet

Last synced: 09 Dec 2024

https://github.com/bhuvan588/microsoft-stock-price-prediction-using-lstm

Univariate Stock price prediction using LSTM (Long Short Term Memory).

deep-learning keras lstm rnn stock-price-prediction tensorflow

Last synced: 21 Dec 2024

https://github.com/mr-dhruv/smoothy

A comprehensive pipeline for shape classification, regularization, symmetry detection, and curve completion.

cnn keras rdp tensorflow

Last synced: 21 Dec 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: 21 Dec 2024

https://github.com/ravindramohith/find_me_out

Face recognition system using a Convolutional Neural Network (CNN) with TensorFlow and OpenCV

convolutional-neural-networks deep-learning face-recognition keras machine-learning opencv tensorflow

Last synced: 21 Dec 2024

https://github.com/abhinavsharma07/hand_gesture_recognition-deep_learning

The objective of this project is to recognize hand gestures using state-of-the-art neural networks.

cnn deep-learning keras lstm modelevaluation recurrent-neural-networks rnn tensorflow

Last synced: 21 Dec 2024

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

Neural Networks, TensorFlow, Keras, Natural Language Processing

algorithms keras machine-learning natural-language-processing neural-networks tensorflow

Last synced: 21 Dec 2024

https://github.com/frostbyte012/apni_mitra

A Deep Learning Model that instantly recognizes your emotions and mental health using deep learning neural network libraries and suggests whether a person is annoyed, happy, neutral, depressed, and sad and suggests whether necessary steps should be taken to help them or not.

keras keras-tensorflow opencv-python python tensorflow tensorflow-examples tensorflow2

Last synced: 21 Dec 2024

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

Applying CNN on CIFAR-10

cifar10 convolutional-neural-networks keras

Last synced: 17 Dec 2024

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/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/malwarebo/carcinet

Basic breast cancer detection using Machine Learning

deep-learning keras machine-learning matplotlib numpy python3 scipy tensorflow

Last synced: 07 Jan 2025

https://github.com/rickiepark/ml-ko

머신러닝, 딥러닝 한글 번역 저장소

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

Last synced: 21 Dec 2024

https://github.com/frgfm/sdcnd-p4-behavioral-cloning

Behavioral cloning project of Udacity Self-Driving Car Engineer

deep-learning flask keras opencv python self-driving-car tensorflow unity3d

Last synced: 29 Dec 2024

https://github.com/kaushalprajapatikp/lstm_rnn_nifty_50_prediction_next_day

This project is created for stock price prediction of Nifty50 index using LSTM neural networks. This project forecasts the next day's stock prices based on historical data from the Nifty 50 index, utilizing data preprocessing, feature scaling, and model training with TensorFlow and Keras. This app is deployed on Streamlit platform.

artificial-intelligence deep-learning keras lstm-neural-networks machine-learning neural-network tensorboard tensorflow

Last synced: 29 Dec 2024

https://github.com/drxwat/scanned_digits_recognition

Scanned digits detector and classifier (CNN, OpenCV)

classifier keras ocr opencv scanned-documents

Last synced: 07 Jan 2025

https://github.com/prithivsakthiur/data-board

Data Boards - Visualization of various plots ( Analysis )

data-analysis gradio huggingface keras mathplotlib pandas plots pyplot scikit-learn seaborn spaces

Last synced: 21 Dec 2024

https://github.com/kavayk29/quora-duplicate-question-pair

This project improves information retrieval by detecting duplicate question pairs in the Quora dataset using data exploration, text preprocessing, feature engineering, and models like Random Forest and LSTM, aiming to streamline question-answering.

beautifulsoup4 bilstm gensim keras lstm matplotlib numpy pandas pytorch random-forest seaborn sklearn tensorflow xgboost

Last synced: 21 Dec 2024

https://github.com/beenish-ishtiaq/dep-task-3-customer-churn-prediction

A machine learning project to predict customer churn using an Artificial Neural Network (ANN) model. The goal is to accurately classify customers who are likely to churn based on their demographic and service usage information.

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

Last synced: 21 Dec 2024

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: 21 Dec 2024

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: 21 Dec 2024

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/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: 17 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/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/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/yinguobing/efficientdet-runner

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

efficientdet keras tensorflow

Last synced: 14 Nov 2024

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