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/storopoli/solving-captchas

Tensorflow Keras CNN to solve Captchas

captcha computer-vision keras keras-tensorflow tensorflow

Last synced: 20 Nov 2024

https://github.com/vekeryk/media-filter-bot

Telegram media filter bot that can detect nsfw content using Keras model predictions

bot keras nsfw-filter nsfw-recognition telegram-bot tensorflow

Last synced: 11 Jan 2025

https://github.com/lindronics/honours_project

University final year project: Deep neural networks for classification of multispectral images. Includes dissertation, research Jupyter Notebooks, and code for TensorFlow CNN models.

android android-application deep-learning deep-neural-networks flir flir-one flir-sdk image-classification keras multispectral multispectral-images tensorflow

Last synced: 04 Dec 2024

https://github.com/crispengari/cv-tensorflow

✔ tis repository contains a list of computer vision notebooks for projects using TensorFlow x2 and python language.

artificial-intelligence challanges computer-vision image-classification keras machine-learning nueral-networks python tensorflow

Last synced: 16 Dec 2024

https://github.com/sadmansakib93/medical_image_classification_keras

This is an example of medical image classification (binary classification) using Keras. Note that, the model is not fully optimized in this program, and hence it can be further optimized and the accuracy of the model can be enhanced further.

convolutional-neural-networks deep-learning deep-neural-networks image-classification keras keras-neural-networks machine-learning medical-image-analysis

Last synced: 12 Jan 2025

https://github.com/coreyauger/quickdraw-gan

generative adversarial networks with keras

gan keras python tensorflow

Last synced: 15 Nov 2024

https://github.com/abhilash1910/transformers-workshop

Transformers Workshop on behalf of ML India. Contains resource notebook for training/inferring large scale transformer models for different downstream task

bert distilbert electra gpt2 keras t5 tf2 torch transformers

Last synced: 21 Nov 2024

https://github.com/vicentebolea/ml-quakes-project

RAPID EARTHQUAKE EARLY WARNING SYSTEM MACHINE LEARNING FRAMEWORK

deep-learning earthquakes keras machine-learning

Last synced: 15 Nov 2024

https://github.com/ccbp/k210_juglanscar

A deep learning intelligent tracking car based on the K210 chip. The project uses an ESP32 to build an HTTP server for remote control and use MobileNet to train the model, and provides detailed information on the project's structure, environment, and resources, as well as instructions for setting up and using the car.

car deep-learning esp32 k210 keras tensorflow

Last synced: 26 Nov 2024

https://github.com/mo7ammedd/cnn-image-classification

img classification model using (CNN)

ai cifer10 keras nural-network pcnn python

Last synced: 22 Nov 2024

https://github.com/qubvel/template

Template for data science project based on Docker and Jupyter server with Keras/Pytorch

docker jupyter-notebook keras pytorch

Last synced: 06 Jan 2025

https://github.com/yashkant/enas-quantized-nets

Efficient Neural Architecture Search coupled with Quantized CNNs to search for resource efficient and accurate architectures.

automl enas keras neural-architecture-search quantized-neural-networks tensorflow

Last synced: 10 Nov 2024

https://github.com/imvision12/nextvit-tf

A Tensorflow implementation of "Next-ViT: Next Generation Vision Transformer for Efficient Deployment in Realistic Industrial Scenarios"

keras tensorflow transformer vision-transformer

Last synced: 14 Jan 2025

https://github.com/sayakpaul/ccd-ahm-2022

Contains my code and deck for Cloud Community Days Ahmedabad 2022.

deployment docker gcp keras onnx tensorflow vertex-ai vision

Last synced: 13 Jan 2025

https://github.com/bhattbhavesh91/xavier-initialization-walkthrough

A repository to show how Xavier initialization in Neural Networks help to initialize the weights of the network with random values that are not too small and not too large.

advantages keras keras-neural-networks keras-tensorflow neural-network neural-networks xavier-initialization xavier-initializer

Last synced: 16 Nov 2024

https://github.com/toelt-llc/course-oreilly-london-ai

This repository contains the material for the CNN training given at the O'Reilly AI Conference in London in 2019.

deep-learning keras teaching tensorflow

Last synced: 29 Dec 2024

https://github.com/zackakil/webpage-autoencoder

Showing how you can embed and functioning auto-encoder inside a webpage using tensorflow.js.

autoencoder deep-learning generative-models keras machine-learning tensorflow-js

Last synced: 13 Nov 2024

https://github.com/kautenja/keras-pyramid-pooling-module

An implementation of the Pyramid Pooling Module as a Keras layer.

keras pyramid-pooling-module

Last synced: 13 Oct 2024

https://github.com/deepmancer/tweet-disaster-detection

fine-tuned BERT and scikit-learn models for real-time classification of disaster-related tweets, using TensorFlow, Keras, and Transformers. .

bert bert-fine-tuning classification fine-tuning huggingface-transformers keras keras-tensorflow natural-language-processing nlp scikit-learn tensorflow tensorflow2 tokenizer transformers

Last synced: 02 Nov 2024

https://github.com/flippchen/porscheinsight-carclassification-ai

Training and Evaluation of porsche car classification models

deep-learning image-classification keras machine-learning

Last synced: 13 Oct 2024

https://github.com/haidousm/fine

an artificial neural network framework built from scratch using just Python and Numpy

convolutional-neural-networks keras neural-network numpy python scratch-implementation

Last synced: 14 Oct 2024

https://github.com/quentinwach/generative-adversarial-network

Generative model formed by two adversarial artificial neural networks. Implemented with Keras using Tensorflow backend.

adversarial-learning generative-model keras

Last synced: 12 Jan 2025

https://github.com/bhattbhavesh91/autokeras-classification

AutoKeras is an open-source library for performing AutoML for deep learning models based on Keras.In this video, I'll show you how you can use AutoKeras for Classification.

auto-ml autokeras classification keras video

Last synced: 16 Nov 2024

https://github.com/alexlaurence/spectrum

👩🏻‍⚕️ Cross-Platform Autism screening using Keras API

autism-spectrum-disorder healthcare keras tensorflow

Last synced: 14 Nov 2024

https://github.com/mgefimov/colorizer

black & white photo colorizer

coreml coreml-framework coreml-vision keras swift

Last synced: 11 Oct 2024

https://github.com/nazchanel/fake-news-detection-webapp

A Flask webapp that detects fake news with a given text input using the power of Natural Language Processing. Deployment on Heroku failed due to the program's large memory consumption.

data-science dataset keras keras-tensorflow machine-learning natural-language-processing nlp nlp-machine-learning python scikit-learn tensorflow

Last synced: 03 Jan 2025

https://github.com/fdch/dreamsound

An adaptation of the Deep Dream project into an audio-based musical context

audio keras music python tensorflow

Last synced: 11 Oct 2024

https://github.com/yahiakr/kerasga

A simple and easy-to-use implementation of Genetic Algorithm for Keras neural network models.

genetic-algorithm keras neural-network

Last synced: 11 Oct 2024

https://github.com/anuragmishracse/smart_image_classifier

Image Classification library built on top of Keras. Identifies the best set of hyperparameters and train a classification model accordingly, hence, smart.

deep-learning hyperparameter-tuning image-classification keras neural-network tensorflow

Last synced: 14 Oct 2024

https://github.com/stared/stable-diffusion-keras-m1-gpu

Stable diffusion image generation with KerasCV for Macbook M1 GPU

gpu keras m1 m1-mac stable-diffusion tensorflow

Last synced: 13 Jan 2025

https://github.com/imdeepmind/hocrox

Hocrox: An image preprocessing and augmentation library with Keras like interface.

computer-vision deep-learning image-processing keras machine-learning opencv python

Last synced: 11 Oct 2024

https://github.com/yusufberki/pyimageclassification

A Python project that classifies images with Keras and Tensorflow with transfer learning and visualizes the results.

classification deep-learning image-classification keras python tensorflow transfer-learning

Last synced: 08 Nov 2024

https://github.com/glambard/threadsafe_generator_for_keras

An ultimate thread safe data generation for Keras

generator keras python tensorflow tensorflow-gpu threadsafe

Last synced: 20 Nov 2024

https://github.com/kazuhito00/tensorflow2-keras-learn

Tensorflow2のkerasの勉強の記録(社内向けハンズオン資料等)

17flowers cifar10 clasificacion cnn keras keras-tensorflow mlp mnist tensorflow2 tensorflow2-keras-learn

Last synced: 23 Nov 2024

https://github.com/benjs/hourglass_networks

tf.keras implementation of "Toward fast and accurate human pose estimation via soft-gated skip connections" by Bulat et al. and "Stacked Hourglass Networks for Human Pose Estimation" by Newell et al.

bulat hourglass-network human-pose-estimation keras newell soft-gated-skip-connections stacked-hourglass-networks tensorflow

Last synced: 23 Oct 2024

https://github.com/flakas/bubble-shooter-bot

Tensorflow and Q-Learning based Python bot for the Bubble Shooter flash game

bot bubble-shooter keras opencv python q-learning reinforcement-learning tensorflow

Last synced: 13 Oct 2024

https://github.com/howardyclo/learn-to-highlight-movies

Highlight Stephen Chow's famous movies using bullet-screen comments, document vector and neural network.

doc2vec doc2vec-word2vec highlight-movies keras solr supervised-learning text-classification word2vec

Last synced: 09 Nov 2024

https://github.com/habedi/mosaic-art-maker

Making mosaic art of a given image using tile images generated by a Stable Diffusion model using KerasCV

computer-vision generative-art generative-model image-processing jupyter-notebook keras mosaic-images python stable-diffusion tensorflow2 tesnorflow

Last synced: 11 Nov 2024

https://github.com/florianwoelki/climate_change

This jupyter notebook is for visualising the climate change in the years from 1750 to 2015.

climate-change data-analytics jupyter keras machine-learning python tensorflow

Last synced: 29 Nov 2024

https://github.com/tanyachutani/xception-tf2.0

A TensorFlow2.0 implementation of Xception Deep Learning with Depthwise Separable Convolutions

depthwise-separable-convolutions imagenet keras tensorflow tf2 xception

Last synced: 11 Nov 2024

https://github.com/vanessaaleung/support-ticket-nlp

Support Ticket Classification and Key Phrases Extraction

keras machine-learning python text-classification ticket-classification

Last synced: 08 Jan 2025

https://github.com/mattbui/dd_qnet

A Double Dueling Deep Q learning model for turtle bot to navigate in custom gym-gazebo maze

double-dqn dueling-dqn keras qlearning

Last synced: 14 Jan 2025

https://github.com/gaborvecsei/barlow-twins

Clean Tensorflow 2 Implementation of the Barlow Twins self-supervised learning method

embeddings keras python self-supervised-learning semi-supervised-learning tensorflow tensorflow2

Last synced: 29 Dec 2024

https://github.com/peptoneltd/dspp-data

Database of Structural Propensities of Proteins (dSPP) raw data repository by Peptone Inc.

biotechnology dataset keras keras-models machine-learning prediction protein protein-sequences protein-structure tensorflow tensorflow-models

Last synced: 09 Nov 2024

https://github.com/jonasrauber/foolbox-tensorflow-keras-applications

The pretrained TensorFlow Keras models with a Foolbox Zoo compatible interface

adversarial-attacks foolbox imagenet keras pretrained-models tensorflow

Last synced: 16 Dec 2024

https://github.com/impetus-udes/rule4ml

Resource Utilization and Latency Estimation for ML on FPGA.

fpga hls keras machine-learning neural-network onnx prediction python pytorch regression-models

Last synced: 10 Oct 2024

https://github.com/denismurphy/gru-coreml

CoreML compatible GRU neural network for dynamic prediction

coreml coremltools educational gated-recurrent-unit gru ios keras nuralnetwork python swift tensorflow

Last synced: 06 Nov 2024

https://github.com/ascvorcov/z80-ddqn

Implementation of Double Dueling Q-Network with prioritized experience replay learning to play zx-spectrum games

convolutional-neural-networks ddqn keras plaidml z80 z80-emulator zx-spectrum

Last synced: 24 Oct 2024

https://github.com/jwest951227/lstmstockpricepredictor

Predicting storck price of Suzunoya- by means of LSTM

keras matplotlib numpy pandas tensorflow yfinance

Last synced: 16 Nov 2024

https://github.com/eshansurendra/cell_anomaly_detection_using_autoencoders

This repository offers a TensorFlow-based anomaly detection system for cell images using adversarial autoencoders, capable of identifying anomalies even in contaminated datasets. Check out our code, pretrained models, and papers for more details.

anomaly-detection autoencoder deep-learning h5 keras kernel-density-estimation machine-learning neural-network tensorflow

Last synced: 12 Oct 2024

https://github.com/omarsar/emotion_recognition_tensorflow

Deep Learning Based Emotion Recognition With TensorFlow

deep-learning emotion-recognition keras nlp rnn tensorflow

Last synced: 22 Nov 2024

https://github.com/sun1638650145/textextraction

An AutoML about text extraction, you can use three or four lines of code to extract text.

keras nlp pipeline textextracting transformer

Last synced: 25 Dec 2024

https://github.com/itzalver/basenet-api

A simple way to build ML models with Keras and Tensorflow as base frameworks.

api deep-learning keras machine-learning python ray tensorflow

Last synced: 10 Oct 2024

https://github.com/matteobettini/stock-market-prediction-2020

This is the the final project of the course: L330 Data Science: principles and practice at the University Of Cambridge. The task for this project is stock market prediction using a diverse set of variables. In particular, given a dataset representing days of trading in the NASDAQ Composite stock market, our aim is to predict the daily movement of the market up or down conditioned on the values of the features in the dataset over the previous N (trading) days.

classification cnn keras lstm mlp neural-networks sklearn stock-market stock-market-prediction tensorflow

Last synced: 06 Nov 2024

https://github.com/marcometer/wine-classification-course

Using a multi-layer perceptron and the kNN Algorithm to classify wine to be red or white wine.

classification keras knn neural-network pandas python scipy tensorflow

Last synced: 05 Jan 2025

https://github.com/vhidvz/imagenet-keras

Simple tf.keras imagenet training.

imagenet keras

Last synced: 21 Nov 2024

https://github.com/bettercallshao/gangengo

Generate fake snapshots of a GO game using GAN.

colab dcgan gan go go-game jupyter-notebook keras pipenv python

Last synced: 06 Dec 2024

https://github.com/yashkant/pnas-binary-nets

Progressive Neural Architecture Search coupled with Binarized CNNs to search for resource efficient and accurate architectures.

automl binarized-neural-networks keras neural-architecture-search tensorflow-experiments

Last synced: 21 Dec 2024

https://github.com/ayberkyavuz/artificial_neural_network_automation

This repository is for automating artificial neural network model creation with tabular data using Keras framework.

automation deep-learning easy-to-use keras machine-learning neural-network python supervised-learning tabular-data

Last synced: 11 Oct 2024

https://github.com/mayuanyang/doggy

An AI model to classify dog's actions

keras tensorflow

Last synced: 19 Nov 2024

https://github.com/deepraj21/realtime-stock-predictor

This is a Streamlit app for predicting stock prices. It uses data from Yahoo Finance to show the stock's closing price, a chart of the closing price vs time, and a chart of the closing price vs time with the 100-day moving average and 200-day moving average. The user can input a valid stock ticker symbol and view the data for that stock.

deep-learning google-cloud keras lstm pandas-dataframe python scikit-build streamlit tensorflow

Last synced: 02 Nov 2024

https://github.com/leopeng1995/captcha_service

Captcha Service,验证码识别服务

captcha-solving cnn keras rnn tensorflow

Last synced: 08 Nov 2024

https://github.com/anastassia-b/machine-learning

💡Compilation of notes + implementations of neural networks using Keras and TensorFlow

deep-learning keras machine-learning tensorflow

Last synced: 11 Jan 2025

https://github.com/sfp932705/pastafy

Pastafy yourself and even friends using neural network style transfer.

cnn keras keras-tensorflow neural-networks python style-transfer style-transfer-cnn

Last synced: 10 Oct 2024