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/marcnuth/keras-models

reusable & predefined models built via Keras, which could be easily integrated into your project.

artificial-intelligence artificial-neural-networks deep-learning keras keras-models models pretrained-models

Last synced: 06 Nov 2024

https://github.com/lorenzwalthert/kerasmisc

Add-on functionality for the R implementation of Keras

callback keras learning-rate

Last synced: 05 Jan 2025

https://github.com/gaborvecsei/swiss-army-tensorboard

A tool which helps you to release the true potential of Tensorboard

keras log logger python tensorboard tensorflow visualization

Last synced: 29 Dec 2024

https://github.com/vartikaraj2512/dsml-internship-devtown-notebooks-

๐ŸŒŸ Data Science & Machine Learning Internship Projects ๐Ÿ“Š Explore a curated collection of DS & ML notebooks covering topics like regression models, clustering, NLP, and deep learning. Dive into real-world projects such as price prediction, sentiment analysis, and customer segmentation. This repository reflects modern data-driven industry solutions

data-science filehandling googlecolab json kaggle keras machine-learning matplotlib numpy pandas python scikit-learn seaborn sql tensorflow

Last synced: 31 Oct 2024

https://github.com/craftworksgmbh/mldocs

Documentation for the Machine Learning Process

documentation keras machine-learning sklearn

Last synced: 21 Jan 2025

https://github.com/facundoq/tmeasures

The Transformational Measures (TM) library allows neural network researchers to evaluate the invariance and equivariance of their models with respect to a set of transformations. Support for Pytorch (current) and Tensorflow/Keras (coming).

equivariance invariance keras measure neural-networks python python3 pytorch tensorflow variance

Last synced: 11 Oct 2024

https://github.com/offchan42/honnet

๐Ÿค– Deep learning predicts who would win in a HoN match given heroes of both team

convolutional-neural-networks deep-learning game heroes-of-newerth hon keras neural-networks

Last synced: 29 Oct 2024

https://github.com/chrisby/deepcardiology

Implementations of deep and other ML approaches for cardiology.

cardiology convolutional-neural-networks deep-learning healthcare keras machine-learning

Last synced: 19 Dec 2024

https://github.com/tobybreckon/python-cnn-tools-test

a set of simple tools to check if we have TensorFlow, Keras and PyTorch setup correctly to use GPU

gpu keras opencv pytorch tensorflow

Last synced: 27 Oct 2024

https://github.com/himkt/keras_example

Reimplementations

keras python reimplementation

Last synced: 13 Jan 2025

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

Customizable Advanced Tensorflow(Torch) Objects to Preprocess, Upload, Model and Augment

deep-learning image-processing keras tensorflow

Last synced: 10 Oct 2024

https://github.com/antoniocarta/threernn

ThreeRNN model for SemEval 2017 Task 3

keras ml nlp nlp-machine-learning python rnn

Last synced: 05 Dec 2024

https://github.com/manfreddiaz/deep-docker

Dockerfile for creating a docker image with default configurations for Deep Learning tasks

cuda-toolkit deep-learning docker docker-image keras opencv3 pytorch tensorflow

Last synced: 07 Nov 2024

https://github.com/akensert/reinforceable

Deep reinforcement learning implementations with TensorFlow and TensorFlow probability.

deep-learning keras reinforcement-learning tensorflow tensorflow-probability

Last synced: 04 Feb 2025

https://github.com/codestation-org/mlak

Machine Learning Army Knife

keras machine-learning

Last synced: 20 Oct 2024

https://github.com/aryaaftab/svm-tensorflow

A repository containing the implementation of the SVM by TensorFlow 2.x

deep-learning keras svm tensorflow2

Last synced: 08 Jan 2025

https://github.com/sayakpaul/keras-examples-randaugment

Full experimentation notebook for my Keras Example on using RandAugment.

computer-vision imgaug keras randaugment robustness tensorflow

Last synced: 13 Jan 2025

https://github.com/leopeng1995/captcha_service

Captcha Service๏ผŒ้ชŒ่ฏ็ ่ฏ†ๅˆซๆœๅŠก

captcha-solving cnn keras rnn tensorflow

Last synced: 08 Nov 2024

https://github.com/soumik12345/gpt

A minimal implementation of Generative Pre-Training or GPT

deep-learning gpt-2 keras nlp openai tensorflow

Last synced: 07 Jan 2025

https://github.com/mayuanyang/doggy

An AI model to classify dog's actions

keras tensorflow

Last synced: 20 Jan 2025

https://github.com/mohammedyunus009/dnn_acoustic_rec

A acoustic sound or environmental sound recogniser, uses deep neural networks to train on models

deep-learning deep-neural-networks extract-features keras sound sound-processing sound-synthesis soundcloud-api tensorflow

Last synced: 20 Dec 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/kasim95/ocr_math_expressions

A Deep Learning pipeline to recognize mathematical expressions from images

keras mathematics optical-character-recognition python python3 tensorflow tensorflow-models

Last synced: 09 Nov 2024

https://github.com/mbarbetti/pidgan

:package: GAN-based models to flash-simulate the LHCb PID detectors

deep-learning flash-simulation gan keras lhcb-experiment lhcb-lamarr machine-learning pid tensorflow ultrafast-simulation

Last synced: 11 Oct 2024

https://github.com/andreped/t-loss-tf

Robust T-Loss for Medical Image Segmentation with TensorFlow backend

image-analysis keras medical python semantic-segmentation t-loss tensorflow tf tloss

Last synced: 29 Dec 2024

https://github.com/kpriyanshu256/animevscartoon

Classification of anime and cartoon.

anime cartoon cnn keras tflearn transfer-learning vgg19

Last synced: 26 Jan 2025

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/abhaskumarsinha/seq2seq-bahdanau-attention-based-encoder-decoder-language-translator

A language translator based on a very simple NLP Transformer model, backed by encoder, decoder and a Bahdanau Attention Layer in between, implemented on TensorFlow.

attention-mechanism bahdanau-attention keras machine-learning nlp seq2seq tensorflow transformer

Last synced: 21 Jan 2025

https://github.com/madeyoga/mnist

Train digit recognition model using Tensorflow and Keras with MNIST dataset

computer-vision digit-recognition handwritten-digit-recognition keras mnist tensorflow

Last synced: 15 Jan 2025

https://github.com/srowen/quatrains-rnn

Simple example applying Keras, TensorFlow to Nostradamus's prophecies with Cloudera Data Science Workbench

cloudera cloudera-data-science gpu keras nlp rnn tensorflow

Last synced: 28 Jan 2025

https://github.com/shaheennabi/end-to-end-nlp-project-with-lstm

๐ŸŽ‡ NLP Hate Speech Detection with LSTM ๐ŸŽ† An LSTM-based model for hate speech detection ๐Ÿ’ฌ, tackling dataset imbalance through data combination, applying tokenization, stopword removal, and using Keras embedding layers for effective text classification. Continuously improving with each experiment! ๐Ÿ”ฅ

circcleci docker hate-speech-detection keras tensorflow

Last synced: 21 Jan 2025

https://github.com/aromoh/keras-distributed-streaming

Distributed Keras model for making predictions of sentiment from Spanish sentences in stream context using Spark Streaming and Apache Kafka

cnn-keras kafka keras keras-tensorflow pyspark-notebook sentiment-analysis spark spark-streaming

Last synced: 03 Feb 2025

https://github.com/shivamgupta92/signlang_action_recognition

This project utilizes action recognition and deep learning with OpenCV, MediaPipe, and Inception_ResNet for real-time sign language detection. This tool empowers users to interpret diverse sign gestures accurately, fostering inclusivity

cnn-keras deep-neural-networks keras nlp python3 resnet-50 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

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

https://github.com/bhavik-jikadara/ai-ml-roadmap

Welcome to the ultimate guide for starting your journey in Artificial Intelligence and Machine Learning in 2024! This roadmap provides a step-by-step approach to mastering AI and ML, from fundamentals to advanced topics.

artificial-intelligence computer-vision deep-learning deployment fundamentals-of-programming keras libraries machine-learning mathematics mlops natural-language-processing production-code pytorch reinforcement-learning roadmap scikit-learn tensorflow tools

Last synced: 09 Nov 2024

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

Facial emotions recognition CNN

cnn emotion-recognition keras machine-learning

Last synced: 11 Oct 2024

https://github.com/asirwad/invisicipher

Deep Learning-Based image Steganography implemented with custom CNNs using keras along with Chaotic Encryption๐Ÿ”’ using pycryptodome and Enhanced Super Resolution๐ŸŽจ implemented with GANs using pyTorch

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

Last synced: 21 Jan 2025

https://github.com/manuelblancovalentin/dynamictable

An easy and user-friendly way to display dynamic data in Python using command-line tables

data deep display dynamic friendly gui interface io keras learning loop machine python python3 pytorch table tensorflow user

Last synced: 20 Dec 2024

https://github.com/bhattbhavesh91/tf-watcher-demo

Tutorial on TF-Watcher which is a real-time remote service to get the Keras callbacks to a website including the details of metrics.

keras tensorflow tensorflow-models

Last synced: 21 Dec 2024

https://github.com/parthvadhadiya/tensorflow-speech-recognition-challenge

this repository contains end to end python script to train speech data provided by google, evaluate testing data, and submite to competition

competition kaggle-competition keras librosa spectrum speech-data speech-recognition tensorflow

Last synced: 22 Jan 2025

https://github.com/vincentblot28/face-recognition

Face attribute recognition with the celeba dataset

cnn face keras recognition siamese-neural-network

Last synced: 15 Dec 2024

https://github.com/notedance/models

Neural network models built with TensorFlow.

deeplearning keras models neural-network tensorflow

Last synced: 13 Nov 2024

https://github.com/vaibhav-kesarwani/text_emotion_classifier

A ๐—ง๐—ฒ๐˜…๐˜ ๐—˜๐—บ๐—ผ๐˜๐—ถ๐—ผ๐—ป ๐—–๐—น๐—ฎ๐˜€๐˜€๐—ถ๐—ณ๐—ถ๐—ฒ๐—ฟ is an AI model that analyzes text to detect and classify emotions like ๐—ต๐—ฎ๐—ฝ๐—ฝ๐—ถ๐—ป๐—ฒ๐˜€๐˜€ ๐Ÿ˜Š, ๐˜€๐—ฎ๐—ฑ๐—ป๐—ฒ๐˜€๐˜€ ๐Ÿ˜ข, ๐—ฎ๐—ป๐—ด๐—ฒ๐—ฟ ๐Ÿ˜ , and ๐˜€๐˜‚๐—ฟ๐—ฝ๐—ฟ๐—ถ๐˜€๐—ฒ ๐Ÿ˜ฒ. It's used in sentiment analysis, customer feedback, and social media monitoring to understand and respond to emotions more effectively.

jupyter-notebook kaggle-dataset keras keras-tensorflow pandas python3 sklearn tensorflow

Last synced: 10 Oct 2024

https://github.com/mguludag/birthplace_region_predict_python_webapp

This project shows how to build&deploy python web app using keras and tensorflow to heroku

deep-learning heroku keras python tensorflow

Last synced: 03 Jan 2025

https://github.com/soumyajit4419/emojify--v1.0

Generate Emoji from text messages.

deep-learning emoji-prediction keras nlp tensorflow

Last synced: 06 Feb 2025

https://github.com/di37/imdb-reviews-sentiment-analysis-using-transformers

This repository contains a complete implementation of a sentiment analysis model using Transformers and TensorFlow. The project classifies IMDB movie reviews as either positive or negative by training Transformer model on the IMDB dataset.

keras machine-learning natural-language-processing nlp python sentiment-analysis tensorflow text-classification transformers

Last synced: 29 Dec 2024

https://github.com/abhaskumarsinha/dc-gan

A very simple and plain DC GAN to generate Image Flower Pictures out of the dataset.

dc-gan dcgan-tensorflow gan keras keras-neural-networks keras-tensorflow tensorflow2 tutorial tutorial-code

Last synced: 21 Jan 2025

https://github.com/degencap777/lstmstockpricepredictor

Predicting storck price of Suzunoya- by means of LSTM

keras matplotlib numpy pandas tensorflow yfinance

Last synced: 14 Nov 2024

https://github.com/andreped/nlp-mtl

Training neural networks to solve multiple tasks simultaneously from free text through multi-task learning

bert-embeddings keras multi-task-learning natural-language-processing neural-networks nlp scikit-learn

Last synced: 29 Dec 2024

https://github.com/abhaskumarsinha/keras-blenderbot

A Keras implementation of Blenderbot, a state-of-the-art open-domain chatbot model, supporting TensorFlow, PyTorch, and JAX backends seamlessly.

attention-mechanism chatbot-framework gpu-computing jax keras keras-models language-model python3 pytorch tensorflow

Last synced: 21 Jan 2025

https://github.com/willyfh/federated-learning-tensorflow

An unofficial implementation of Federated Learning: Communication-Efficient Learning of Deep Networks from Decentralized Data (AISTATS 2017)

deep-learning federated-learning image-classification keras neural-network tensorflow

Last synced: 21 Dec 2024

https://github.com/norwegianseismicarray/nais

NORSAR AI System (tools for machine learning on waveform data)

deep-learning keras machine-learning python tensorflow

Last synced: 19 Dec 2024

https://github.com/priyanshu1303d/churn-prediction

The model analyzes various customer attributes to predict whether a customer is likely to leave the bank.

artificial-neural-networks deep-learning keras tensorflow

Last synced: 21 Jan 2025

https://github.com/faseeh41/face_and_emotion_detection

Performing image classification for detection of various human emotions using CNN Architecture.

emotion-detection facial-recognition keras opencv tensorflow

Last synced: 13 Jan 2025

https://github.com/manuel-lang/cifar-100-cnn-feature-data

CIFAR 100 feature data extracted from a VGG16 pre-trained on ImageNet.

cifar100 keras vgg16

Last synced: 12 Jan 2025

https://github.com/singh1aryan/tensorflow-keras

Building an auto-encoder with tensorflow and keras

autoencoder keras machine-learning tensor-flow

Last synced: 02 Feb 2025

https://github.com/alicerunsonfedora/abysima

A machine learning experiment with generating languages.

coreml generative-models keras lingustics recurrent-neural-networks swiftui

Last synced: 16 Dec 2024

https://github.com/ppodds/ncualgorithmtermproject

NCU Algorithm Term Project (1092)

cnn-classification keras python tensorflow2

Last synced: 16 Jan 2025

https://github.com/wenmuzhou/keras_mnist

learning keras with mnist

keras mnist

Last synced: 28 Dec 2024

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

Welcome to the repository, where innovation meets language! This repository is a comprehensive collection of tools, models, and resources dedicated to the exciting field of automatic text generation. Whether you're a researcher, developer, or enthusiast, this repository provides a playground for exploring cutting-edge technology.

ai ann cnn deep-learning deep-neural-networks gru keras lstm ml neural-networks nlp numpy python rnn tensorflow tensorflow2 text-processing

Last synced: 14 Jan 2025