An open API service providing repository metadata for many open source software ecosystems.

GitHub topics: keras

menon92/DL-Sneak-Peek

Deep learning Bangla resources

Language: Jupyter Notebook - Size: 14.6 MB - Last synced at: about 7 hours ago - Pushed at: about 16 hours ago - Stars: 153 - Forks: 76

Im2rnado/twitter-sentiment-analysis

Sentiment analysis on tweets using Logistic Regression, Decision Trees, KNN, Random Forest, XG Boost, SVM, and NLP (RoBERTa)

Language: Jupyter Notebook - Size: 450 KB - Last synced at: about 2 hours ago - Pushed at: about 15 hours ago - Stars: 2 - Forks: 0

JiteshShelke/Traffic-Sign-Recognizer

A Flask-based Traffic Sign Recognition System using CNN to classify traffic signs from images with real-time predictions. 🚦🤖

Language: Jupyter Notebook - Size: 2.74 MB - Last synced at: about 9 hours ago - Pushed at: about 23 hours ago - Stars: 0 - Forks: 0

keras-team/autokeras

AutoML library for deep learning

Language: Python - Size: 43.4 MB - Last synced at: about 5 hours ago - Pushed at: 4 months ago - Stars: 9,218 - Forks: 1,409

misaraty/scripts

Private scripts

Language: Python - Size: 278 KB - Last synced at: about 15 hours ago - Pushed at: 1 day ago - Stars: 1 - Forks: 0

jaywyawhare/Language-Prediction

This project compares deep learning techniques for multilingual text classification, focusing on language detection and classification using FastText and Sentence Transformer embeddings. It provides a dataset, requirements, and highlights the significance of training on a large multilingual corpus for improved performance.

Language: Jupyter Notebook - Size: 19.1 MB - Last synced at: about 18 hours ago - Pushed at: 1 day ago - Stars: 4 - Forks: 0

sanjurajveer/stock_price_prediction

App to predict 10 days price of stocks

Language: Python - Size: 6.84 KB - Last synced at: about 19 hours ago - Pushed at: 1 day ago - Stars: 0 - Forks: 0

Yanne0800/Lung_Cancer_Prediction

This project predicts lung cancer risks using machine learning models like Random Forest, Logistic Regression, and SVM. It analyzes patient data with features such as age, smoking habits, and symptoms. Data preprocessing, visualization, and performance evaluation ensure accurate predictions for early diagnosis.

Language: Jupyter Notebook - Size: 1.36 MB - Last synced at: 1 day ago - Pushed at: 1 day ago - Stars: 0 - Forks: 0

ShowMeAI-Hub/awesome-AI-cheatsheets

AI与数据科学各类工具库速查表与参考代码

Language: Jupyter Notebook - Size: 43.7 MB - Last synced at: about 23 hours ago - Pushed at: over 3 years ago - Stars: 597 - Forks: 142

keras-team/keras-hub

Pretrained model hub for Keras 3.

Language: Python - Size: 6.65 MB - Last synced at: about 19 hours ago - Pushed at: 1 day ago - Stars: 886 - Forks: 278

keras-team/keras-tuner

A Hyperparameter Tuning Library for Keras

Language: Python - Size: 1.93 MB - Last synced at: about 17 hours ago - Pushed at: 5 months ago - Stars: 2,880 - Forks: 398

deeplearningturkiye/kelime_kok_ayirici

Derin Öğrenme Tabanlı - seq2seq - Türkçe için kelime kökü bulma web uygulaması - Turkish Stemmer (tr_stemmer)

Language: Jupyter Notebook - Size: 2.42 MB - Last synced at: about 9 hours ago - Pushed at: almost 7 years ago - Stars: 93 - Forks: 15

larq/zoo

Reference implementations of popular Binarized Neural Networks

Language: Python - Size: 1.24 MB - Last synced at: 1 day ago - Pushed at: 2 days ago - Stars: 107 - Forks: 20

jElhamm/Deep-Learning-With-Python-Second-Edition

"Implementations of deep learning concepts from Deep Learning with Python (Second Edition) by François Chollet. Includes hands-on examples, code exercises, and practical applications using TensorFlow and Keras."

Language: Jupyter Notebook - Size: 12.1 MB - Last synced at: 1 day ago - Pushed at: 2 days ago - Stars: 0 - Forks: 0

NaS-Research/knowledge-model

Our knowledge system systematically ingests, processes, and indexes open-access life science publications. It supports internal research by providing precise question-answering and efficient retrieval from a continuously updated repository of scientific literature

Language: Python - Size: 95.4 MB - Last synced at: 2 days ago - Pushed at: 2 days ago - Stars: 0 - Forks: 0

Nishanth16082002/ZETA-Algorithm

Ultra-fast heuristic algorithm for solving the Travelling Salesman Problem (TSP) at scale — 1 million cities in ~3 seconds using pure Python.

Language: Python - Size: 6.84 KB - Last synced at: 2 days ago - Pushed at: 2 days ago - Stars: 0 - Forks: 0

airtai/monotonic-nn

Keras implementation of the constrained monotonic neural networks

Language: Jupyter Notebook - Size: 21.9 MB - Last synced at: 2 days ago - Pushed at: 2 days ago - Stars: 39 - Forks: 2

TestKiller25/DeepLearning.AI-TensorFlow-Developer-Professional-Certificate

Welcome to my repository for the DeepLearning.AI TensorFlow Developer Professional Certificate course! Explore assigments, quizzes, and practice labs where I've developed skills in building, training, and optimizing Deep Learning models with TensorFlow 2.x and Keras.

Language: Jupyter Notebook - Size: 29.2 MB - Last synced at: 2 days ago - Pushed at: 2 days ago - Stars: 0 - Forks: 0

MeowMeowSE3/language-detection-ai

Detect 18+ languages instantly using machine learning (BERT, LSTM, SVM) and NLP. Includes a Flask web app for real-time predictions, trained models, and detailed notebooks.

Language: Jupyter Notebook - Size: 1.76 MB - Last synced at: 2 days ago - Pushed at: 2 days ago - Stars: 0 - Forks: 1

mshuqair/Neural-network-838-encoder-decoder

Modeling 8-bit binary input using 8-3-8 neural network

Language: Python - Size: 128 KB - Last synced at: 2 days ago - Pushed at: 3 days ago - Stars: 0 - Forks: 0

ryfeus/lambda-packs

Precompiled packages for AWS Lambda

Language: Python - Size: 1.76 GB - Last synced at: 2 days ago - Pushed at: over 1 year ago - Stars: 1,121 - Forks: 239

NoteDance/GaLore

TensorFlow reimplementation for "GaLore: Memory-Efficient LLM Training by Gradient Low-Rank Projection"

Language: Python - Size: 9.77 KB - Last synced at: 2 days ago - Pushed at: 3 days ago - Stars: 1 - Forks: 0

GregoryHue/duck-or-cat

Duck or Cat is a binary classification model. It classifies pictures of ducks and cats.

Language: Jupyter Notebook - Size: 210 MB - Last synced at: 3 days ago - Pushed at: 3 days ago - Stars: 4 - Forks: 0

nlasya24/Facial-Expression-Recognition-and-Emoji-Suggestion-

(Gesture Recognition included)

Language: Python - Size: 3.38 MB - Last synced at: 3 days ago - Pushed at: 3 days ago - Stars: 0 - Forks: 0

TarrySingh/Artificial-Intelligence-Deep-Learning-Machine-Learning-Tutorials

A comprehensive list of Deep Learning / Artificial Intelligence and Machine Learning tutorials - rapidly expanding into areas of AI/Deep Learning / Machine Vision / NLP and industry specific areas such as Climate / Energy, Automotives, Retail, Pharma, Medicine, Healthcare, Policy, Ethics and more.

Language: Python - Size: 1.77 GB - Last synced at: about 16 hours ago - Pushed at: about 1 month ago - Stars: 3,853 - Forks: 1,625

PVRNSurendra/SURE-Trust-Face-Emotion-Recognition-and-Emoji-Suggestion

A real-time facial emotion recognition system using DenseNet121 CNN, detecting emotions like happy, sad, angry, and surprise from webcam or image input. The system maps emotions to emojis, enhancing interaction. Built with TensorFlow, Keras, and OpenCV, this project showcases deep learning in human-computer interaction.

Language: Jupyter Notebook - Size: 74.4 MB - Last synced at: 3 days ago - Pushed at: 3 days ago - Stars: 0 - Forks: 0

imdeepmind/NeuralPy

NeuralPy: A Keras like deep learning library works on top of PyTorch

Size: 3.48 MB - Last synced at: about 13 hours ago - Pushed at: 10 months ago - Stars: 79 - Forks: 9

ivotints/Learn2Slither

A reinforcement learning project where a snake learns to navigate and survive in a dynamic environment through Q-learning.

Language: Python - Size: 17.4 MB - Last synced at: 3 days ago - Pushed at: 3 days ago - Stars: 1 - Forks: 0

Yaswanth20003/Face_Emotion_detection

EMOJI RECOMMENDATION SYSTEM BASED ON FACIAL EXPRESSIONS: This project implements a real-time Face Emotion Detection System using deep learning and OpenCV. The system is designed to automatically identify human faces(by openCV) and classify human facial emotions.(by CNN model)

Language: Jupyter Notebook - Size: 8.92 MB - Last synced at: 3 days ago - Pushed at: 3 days ago - Stars: 0 - Forks: 0

nyoki-mtl/keras-facenet

Facenet implementation by Keras2

Language: Jupyter Notebook - Size: 3.47 MB - Last synced at: about 10 hours ago - Pushed at: over 6 years ago - Stars: 559 - Forks: 220

Javen-W/CSE842-NLP

CSE842 Natural Language Processing - MSU Fall 2024 Graduate Course.

Language: Jupyter Notebook - Size: 5.62 MB - Last synced at: 3 days ago - Pushed at: 3 days ago - Stars: 0 - Forks: 0

shreyansh-21/HateShield

HateShield is an AI-powered hate speech detection system using LSTM for text and ResNet for images. It analyzes social media comments, memes, and other content to identify harmful speech with high accuracy.

Language: Jupyter Notebook - Size: 532 KB - Last synced at: 3 days ago - Pushed at: 3 days ago - Stars: 2 - Forks: 1

z-mahmud22/Mask-RCNN_TF2.14.0

Mask R-CNN for object detection and instance segmentation on Keras and TensorFlow 2.14.0 and Python 3.10.

Language: Python - Size: 67 MB - Last synced at: 3 days ago - Pushed at: 3 days ago - Stars: 49 - Forks: 29

yandexdataschool/Practical_RL

A course in reinforcement learning in the wild

Language: Jupyter Notebook - Size: 46.9 MB - Last synced at: 3 days ago - Pushed at: 27 days ago - Stars: 6,105 - Forks: 1,736

ml-tooling/best-of-ml-python

🏆 A ranked list of awesome machine learning Python libraries. Updated weekly.

Size: 19.3 MB - Last synced at: 4 days ago - Pushed at: 8 days ago - Stars: 19,943 - Forks: 2,753

SoDevLog/PyTrading

Discover the trading in Python with many strategies, including deep learning approaches. TradingInPython is an open software platform that empowers traders with advanced tools for stock market analysis and trading strategies. Leverage data-driven insights and automate your trading decisions with an open, flexible solution.

Language: Tcl - Size: 289 MB - Last synced at: 4 days ago - Pushed at: 4 days ago - Stars: 2 - Forks: 0

qubvel/residual_attention_network

Keras implementation of Residual Attention Network

Language: Jupyter Notebook - Size: 8.79 KB - Last synced at: 3 days ago - Pushed at: almost 7 years ago - Stars: 109 - Forks: 38

lutzroeder/netron

Visualizer for neural network, deep learning and machine learning models

Language: JavaScript - Size: 59.3 MB - Last synced at: 4 days ago - Pushed at: 4 days ago - Stars: 29,915 - Forks: 2,879

matterport/Mask_RCNN

Mask R-CNN for object detection and instance segmentation on Keras and TensorFlow

Language: Python - Size: 117 MB - Last synced at: 4 days ago - Pushed at: 11 months ago - Stars: 25,067 - Forks: 11,715

tqdm/tqdm

:zap: A Fast, Extensible Progress Bar for Python and CLI

Language: Python - Size: 5.74 MB - Last synced at: 4 days ago - Pushed at: 2 months ago - Stars: 29,668 - Forks: 1,379

onnx/onnx

Open standard for machine learning interoperability

Language: Python - Size: 35.5 MB - Last synced at: 4 days ago - Pushed at: 4 days ago - Stars: 18,804 - Forks: 3,723

wandb/wandb

The AI developer platform. Use Weights & Biases to train and fine-tune models, and manage models from experimentation to production.

Language: Python - Size: 169 MB - Last synced at: 4 days ago - Pushed at: 4 days ago - Stars: 9,746 - Forks: 728

horovod/horovod

Distributed training framework for TensorFlow, Keras, PyTorch, and Apache MXNet.

Language: Python - Size: 6.63 MB - Last synced at: 4 days ago - Pushed at: 3 months ago - Stars: 14,450 - Forks: 2,254

jaromiru/AI-blog

Accompanying repository for Let's make a DQN / A3C series.

Language: Python - Size: 19.5 KB - Last synced at: about 7 hours ago - Pushed at: over 6 years ago - Stars: 394 - Forks: 171

Tencent/ncnn

ncnn is a high-performance neural network inference framework optimized for the mobile platform

Language: C++ - Size: 26.3 MB - Last synced at: 4 days ago - Pushed at: 4 days ago - Stars: 21,298 - Forks: 4,234

arogozhnikov/einops

Flexible and powerful tensor operations for readable and reliable code (for pytorch, jax, TF and others)

Language: Python - Size: 2.52 MB - Last synced at: 4 days ago - Pushed at: 2 months ago - Stars: 8,852 - Forks: 370

d2l-ai/d2l-en

Interactive deep learning book with multi-framework code, math, and discussions. Adopted at 500 universities from 70 countries including Stanford, MIT, Harvard, and Cambridge.

Language: Python - Size: 303 MB - Last synced at: 4 days ago - Pushed at: 8 months ago - Stars: 25,569 - Forks: 4,594

subhas-pramanik-09/MNIST-Digit-Identification

MNIST Handwritten Digit Clasification using Deep Learning (Neural Network)

Language: Jupyter Notebook - Size: 76.2 KB - Last synced at: 3 days ago - Pushed at: 4 days ago - Stars: 0 - Forks: 0

justnem/deep-research

My own open source implementation of OpenAI's new Deep Research agent. Get the same capability without paying $200. You can even tweak the behavior of the agent with adjustable breadth and depth. Run it for 5 min or 5 hours, it'll auto adjust.

Size: 1.95 KB - Last synced at: 4 days ago - Pushed at: 4 days ago - Stars: 3 - Forks: 0

Chinmay1752/my-luna

MyLuna is a smart wellness app for tracking periods, logging daily moods, and chatting with an AI assistant. It features LunaCycle, MyLoom Diary, and Devi chatbot, built with Node.js, MongoDB, and Gemini API.

Language: JavaScript - Size: 4.69 MB - Last synced at: 4 days ago - Pushed at: 4 days ago - Stars: 0 - Forks: 0

KyleJackson6/House-Price-App

Streamlit-based app to predict house prices in King County using a trained TensorFlow model

Language: Python - Size: 1.41 MB - Last synced at: 4 days ago - Pushed at: 4 days ago - Stars: 0 - Forks: 0

Dbriane208/LeafGuard-Model

LeafGuard, a plant Classification model, is a deep learning model designed for plant disease classification. The model is trained to identify various plant diseases based on images of leaves. It utilizes a Convolutional Neural Network (CNN) architecture to process and classify plant images into predefined categories.

Language: Jupyter Notebook - Size: 2.57 MB - Last synced at: 4 days ago - Pushed at: 4 days ago - Stars: 1 - Forks: 0

BradleyEdelman/Alzheimers-MRI-Classification

Deep Learning for Alzheimer’s Detection: Classifying anatomical MRI scans using advanced neural networks.

Language: Jupyter Notebook - Size: 152 MB - Last synced at: 4 days ago - Pushed at: 4 days ago - Stars: 0 - Forks: 0

Miguelszzz/simple_mnist

Minimalist MNIST implementation with two hidden layers written in C

Language: C - Size: 19.5 KB - Last synced at: 4 days ago - Pushed at: 4 days ago - Stars: 0 - Forks: 0

omkarschool/inside-deep-learning

Inside deep learning, a repository to explain and apply deep learning concepts.

Size: 1.95 KB - Last synced at: 4 days ago - Pushed at: 4 days ago - Stars: 1 - Forks: 0

dahoodmans/Spotify-Music-Recommender

Built Spotify Music recommendation system using Machine learning

Size: 1.95 KB - Last synced at: 4 days ago - Pushed at: 4 days ago - Stars: 2 - Forks: 0

ypwhs/captcha_break

验证码识别

Language: Jupyter Notebook - Size: 6.6 MB - Last synced at: 5 days ago - Pushed at: about 3 years ago - Stars: 2,759 - Forks: 684

SteveOv/ebop_maven

EBOP Model Analysis input Value Estimation Neural network

Language: Jupyter Notebook - Size: 74.5 MB - Last synced at: 5 days ago - Pushed at: 5 days ago - Stars: 1 - Forks: 0

HanugaFathurC/ImageClassificationForEmotionRecognition

Image classification model for emotion recognition using TensorFlow & Keras. Built with MobileNetV2 and supports deployment via TensorFlow Lite & TensorFlow.js.

Language: Jupyter Notebook - Size: 52.2 MB - Last synced at: 5 days ago - Pushed at: 5 days ago - Stars: 0 - Forks: 0

HMUNACHI/DiffusionImageAugmentation

A Library That Uses Quantized Diffusion Model With Clustered Weights For Efficiently Generating More Image Datasets On-Device.

Language: Python - Size: 1.47 MB - Last synced at: 3 days ago - Pushed at: almost 2 years ago - Stars: 11 - Forks: 1

anodicpassion/face_mask_detector

A real-time face mask detection system built with TensorFlow, Keras, OpenCV, and MobileNetV2. This project can detect whether a person is wearing a face mask or not using a webcam feed.

Language: Python - Size: 8.01 MB - Last synced at: 4 days ago - Pushed at: 5 days ago - Stars: 0 - Forks: 0

mkdirer/Disaster-Tweet-NLP-AdaBoost-Transformers

A machine learning project that classifies tweets as disaster-related or non-disaster-related using transformers and the AdaBoost technique. Achieved an accuracy of approximately 80% on the validation set

Language: Jupyter Notebook - Size: 711 KB - Last synced at: 5 days ago - Pushed at: 5 days ago - Stars: 0 - Forks: 0

dr-mushtaq/Deep-Learning

This repository is a related to all about Deep Learning - an A-Z guide to the world of Data Science. This supplement contains the implementation of algorithms, statistical methods and techniques (in Python)

Language: Jupyter Notebook - Size: 3.07 MB - Last synced at: 5 days ago - Pushed at: 5 days ago - Stars: 25 - Forks: 16

larq/compute-engine

Highly optimized inference engine for Binarized Neural Networks

Language: C++ - Size: 4.96 MB - Last synced at: 4 days ago - Pushed at: 5 days ago - Stars: 249 - Forks: 36

Shiva-Khatter/DART---Deepfake-Analysis-and-Realism-Test

This project is a web application designed to detect deepfake videos using advanced machine learning techniques. The backend is powered by a pre-trained model that leverages Convolutional Neural Networks (CNNs) with InceptionV3 architecture and Recurrent Neural Networks (RNNs) utilizing Gated Recurrent Units (GRUs).

Language: Jupyter Notebook - Size: 17.8 MB - Last synced at: 5 days ago - Pushed at: 5 days ago - Stars: 0 - Forks: 0

Zeta36/chess-alpha-zero

Chess reinforcement learning by AlphaGo Zero methods.

Language: Jupyter Notebook - Size: 120 MB - Last synced at: 5 days ago - Pushed at: about 2 years ago - Stars: 2,162 - Forks: 480

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.

Language: Jupyter Notebook - Size: 58.2 MB - Last synced at: 5 days ago - Pushed at: 5 days ago - Stars: 1 - Forks: 0

d2l-ai/d2l-vi

Một cuốn sách về Học Sâu đề cập đến nhiều framework phổ biến, được sử dụng trên 300 trường Đại học từ 55 đất nước bao gồm MIT, Stanford, Harvard, và Cambridge.

Language: Python - Size: 127 MB - Last synced at: 4 days ago - Pushed at: almost 3 years ago - Stars: 626 - Forks: 253

XifengGuo/CapsNet-Keras

A Keras implementation of CapsNet in NIPS2017 paper "Dynamic Routing Between Capsules". Now test error = 0.34%.

Language: Python - Size: 1.04 MB - Last synced at: 4 days ago - Pushed at: almost 5 years ago - Stars: 2,463 - Forks: 653

microsoft/AutonomousDrivingCookbook

Scenarios, tutorials and demos for Autonomous Driving

Language: Jupyter Notebook - Size: 54 MB - Last synced at: 5 days ago - Pushed at: almost 2 years ago - Stars: 2,354 - Forks: 569

Machine-Learning-Tokyo/DL-workshop-series

Material used for Deep Learning related workshops for Machine Learning Tokyo (MLT)

Language: Jupyter Notebook - Size: 15 MB - Last synced at: about 14 hours ago - Pushed at: over 1 year ago - Stars: 936 - Forks: 253

kymatio/kymatio

Wavelet scattering transforms in Python with GPU acceleration

Language: Python - Size: 2.52 MB - Last synced at: 5 days ago - Pushed at: 3 months ago - Stars: 788 - Forks: 139

saragarcia6123/Keras-Regression

Car Price Regression using Keras neural networks

Size: 2.64 MB - Last synced at: 5 days ago - Pushed at: 5 days ago - Stars: 0 - Forks: 0

YoniGR94/my_credit_model_selection

Model selection on credit balance data

Language: HTML - Size: 10.2 MB - Last synced at: 5 days ago - Pushed at: 5 days ago - Stars: 1 - Forks: 0

deeplearningturkiye/turkce-yapay-zeka-kaynaklari

Türkiye'de yapılan derin öğrenme (deep learning) ve makine öğrenmesi (machine learning) çalışmalarının derlendiği sayfa.

Size: 229 KB - Last synced at: 5 days ago - Pushed at: over 3 years ago - Stars: 2,350 - Forks: 455

AlgoTraders/stock-analysis-engine

Backtest 1000s of minute-by-minute trading algorithms for training AI with automated pricing data from: IEX, Tradier and FinViz. Datasets and trading performance automatically published to S3 for building AI training datasets for teaching DNNs how to trade. Runs on Kubernetes and docker-compose. >150 million trading history rows generated from +5000 algorithms. Heads up: Yahoo's Finance API was disabled on 2019-01-03 https://developer.yahoo.com/yql/

Language: Jupyter Notebook - Size: 7.79 MB - Last synced at: 4 days ago - Pushed at: over 4 years ago - Stars: 1,093 - Forks: 261

gdg-a-coruna/Inteligencia-Artificial-en-la-Deteccion-del-Cancer

Repositorio con recursos sobre la charla Build with AI: Inteligencia Artificial en la Detección del Cáncer

Language: Jupyter Notebook - Size: 1.17 MB - Last synced at: 6 days ago - Pushed at: 6 days ago - Stars: 1 - Forks: 1

asier-ortiz/ai-course-notebooks

AI course Notebooks and Exercises

Language: Jupyter Notebook - Size: 354 MB - Last synced at: 1 day ago - Pushed at: 6 days ago - Stars: 1 - Forks: 0

innat/medic-ai

AI Toolkit for Healthcare Imaging in Keras

Language: Jupyter Notebook - Size: 1.59 MB - Last synced at: 6 days ago - Pushed at: 6 days ago - Stars: 1 - Forks: 0

elaheghiyabi96/breast-cancer-prediction-mlp

Language: Jupyter Notebook - Size: 0 Bytes - Last synced at: 6 days ago - Pushed at: 6 days ago - Stars: 0 - Forks: 0

lamtong/portfolio3_gbp_usd_arnn

Forecast the next-day GBP/USD exchange rate using an Autoregressive Neural Network (ARNN)

Language: HTML - Size: 803 KB - Last synced at: 6 days ago - Pushed at: 6 days ago - Stars: 0 - Forks: 0

trekhleb/machine-learning-experiments

🤖 Interactive Machine Learning experiments: 🏋️models training + 🎨models demo

Language: Jupyter Notebook - Size: 763 MB - Last synced at: 6 days ago - Pushed at: 5 months ago - Stars: 1,697 - Forks: 314

harveybc/predictor

Predictor that uses a configurable plugin-based predictive supervised learning model, to make forecasts for a configurable time horizon in a timeseries, using heterogeneus multivariate timeseries data as input, the input data needs to be aligned with the timeseries to be used as training signals. Includes 4 built-in deep-learning predictive models.

Language: Python - Size: 764 MB - Last synced at: about 23 hours ago - Pushed at: 1 day ago - Stars: 4 - Forks: 2

11NOel11/chaos_nonchaos_predictor_nn

AI-powered chaos detection using Simple Harmonic Motion (SHM) & Double Pendulum examples! Compare a Neural Network (NN) with the Lyapunov exponent method to classify chaotic vs. non-chaotic systems. Features Deep Learning, SHAP explainability, F1-score, precision, recall, and stunning visualizations!

Language: Python - Size: 521 KB - Last synced at: 6 days ago - Pushed at: 6 days ago - Stars: 1 - Forks: 0

1hunder/cars-prediction-model-and-genai

Predicting car price using Machine Learning and Deep Neural Networks

Language: Jupyter Notebook - Size: 35.6 MB - Last synced at: 6 days ago - Pushed at: 6 days ago - Stars: 0 - Forks: 0

philipperemy/speaker-change-detection

Paper: https://arxiv.org/abs/1702.02285

Language: Python - Size: 3.55 MB - Last synced at: about 5 hours ago - Pushed at: over 6 years ago - Stars: 64 - Forks: 18

GantMan/nsfw_model

Keras model of NSFW detector

Language: Python - Size: 483 KB - Last synced at: 6 days ago - Pushed at: about 1 year ago - Stars: 1,900 - Forks: 284

fosetorico/tomato_disease_classification

End-to-End Project for the Classification of Tomato Blight Disease using cutting-edge convolution neural networks (CNN) and leveraging the power of VGG19 model as a transfer model.

Language: Jupyter Notebook - Size: 228 MB - Last synced at: 6 days ago - Pushed at: 7 days ago - Stars: 0 - Forks: 1

NoteDance/optimizers

This project implements optimizers for TensorFlow and Keras, which can be used in the same way as Keras optimizers. Machine learning, Deep learning

Language: Python - Size: 481 KB - Last synced at: 7 days ago - Pushed at: 7 days ago - Stars: 17 - Forks: 3

adityajn105/brain-tumor-segmentation-unet

Implementation of U-Net from paper "U-Net: Convolutional Networks for Biomedical Image Segmentation" to segment tumor in given MRI images.

Language: Jupyter Notebook - Size: 1.18 MB - Last synced at: 6 days ago - Pushed at: over 5 years ago - Stars: 48 - Forks: 20

ashishpatel26/Tools-to-Design-or-Visualize-Architecture-of-Neural-Network

Tools to Design or Visualize Architecture of Neural Network

Size: 27.3 KB - Last synced at: 6 days ago - Pushed at: about 1 year ago - Stars: 4,779 - Forks: 598

charliedream1/ai_quant_trade

股票AI操盘手:从学习、模拟到实盘,一站式平台。包含股票知识、策略实例、大模型、因子挖掘、传统策略、机器学习、深度学习、强化学习、图网络、高频交易、C++部署和聚宽实例代码等,可以方便学习、模拟及实盘交易

Language: Jupyter Notebook - Size: 63.1 MB - Last synced at: 7 days ago - Pushed at: 24 days ago - Stars: 2,709 - Forks: 582

Haozhe-py/TensorAI

An Image Recognition AI tool, which is use to show the number on a picture. (0~9 only) TEST Accuracy: 0.97

Language: Python - Size: 1.48 MB - Last synced at: 7 days ago - Pushed at: 7 days ago - Stars: 0 - Forks: 0

farshad257/CNN_FER-2013

A 5-layer CNN model for facial emotion recognition trained on FER-2013. Achieved 76% validation and 63% test accuracy using data augmentation. Key features include convolutional layers, max pooling, and dropout. Suitable for human-computer interaction applications.

Language: Jupyter Notebook - Size: 1.66 MB - Last synced at: 7 days ago - Pushed at: 7 days ago - Stars: 0 - Forks: 0

DataCanvasIO/Hypernets

A General Automated Machine Learning framework to simplify the development of End-to-end AutoML toolkits in specific domains.

Language: Python - Size: 17.8 MB - Last synced at: 7 days ago - Pushed at: 7 days ago - Stars: 267 - Forks: 41

SimonBlanke/Hyperactive

An optimization and data collection toolbox for convenient and fast prototyping of computationally expensive models.

Language: Python - Size: 30.5 MB - Last synced at: 6 days ago - Pushed at: 6 days ago - Stars: 517 - Forks: 46

innat/VideoSwin

Keras 3 Implementation of Video Swin Transformers for 3D Video Modeling

Language: Jupyter Notebook - Size: 7.69 MB - Last synced at: 5 days ago - Pushed at: 4 months ago - Stars: 34 - Forks: 4

dipanjanS/practical-machine-learning-with-python

Master the essential skills needed to recognize and solve complex real-world problems with Machine Learning and Deep Learning by leveraging the highly popular Python Machine Learning Eco-system.

Language: Jupyter Notebook - Size: 116 MB - Last synced at: 5 days ago - Pushed at: about 1 year ago - Stars: 2,316 - Forks: 1,648

PINTO0309/onnx2tf

Self-Created Tools to convert ONNX files (NCHW) to TensorFlow/TFLite/Keras format (NHWC). The purpose of this tool is to solve the massive Transpose extrapolation problem in onnx-tensorflow (onnx-tf). I don't need a Star, but give me a pull request.

Language: Python - Size: 3.75 MB - Last synced at: 6 days ago - Pushed at: 7 days ago - Stars: 782 - Forks: 77

aarontoms/Plant-Disease-Detection-Model

Short guide on how to train model using Python TensorFlow and the training data. Also has code to split, train, test and convert the .h5/.keras to .tflite

Language: Python - Size: 76.3 MB - Last synced at: 7 days ago - Pushed at: 7 days ago - Stars: 1 - Forks: 0

Related Keywords
keras 14,593 tensorflow 7,475 deep-learning 5,470 python 4,386 machine-learning 3,773 cnn 1,846 neural-network 1,592 convolutional-neural-networks 1,531 python3 1,104 computer-vision 1,067 numpy 973 keras-tensorflow 934 opencv 850 neural-networks 835 lstm 826 image-classification 788 pandas 787 nlp 720 tensorflow2 719 pytorch 715 deep-neural-networks 693 scikit-learn 678 classification 665 jupyter-notebook 652 matplotlib 548 artificial-intelligence 536 data-science 506 flask 505 rnn 460 ai 458 transfer-learning 434 sklearn 418 deeplearning 401 image-processing 371 keras-neural-networks 360 mnist 357 natural-language-processing 341 cnn-keras 332 object-detection 301 gan 299 kaggle 288 cnn-classification 280 reinforcement-learning 259 recurrent-neural-networks 247 sentiment-analysis 246 vgg16 224 ml 217 docker 206 autoencoder 204 lstm-neural-networks 203 seaborn 199 artificial-neural-networks 188 generative-adversarial-network 177 segmentation 175 text-classification 171 opencv-python 161 streamlit 154 regression 149 keras-models 148 face-recognition 143 nltk 142 resnet 141 resnet-50 138 django 136 machine-learning-algorithms 136 image-recognition 136 unet 133 time-series 130 self-driving-car 129 image-segmentation 129 semantic-segmentation 116 tutorial 115 machinelearning 114 javascript 114 convolutional-neural-network 114 face-detection 112 theano 109 dataset 109 cnn-model 107 nlp-machine-learning 106 jupyter 105 visualization 105 random-forest 104 data-visualization 102 data-augmentation 101 attention-mechanism 100 kaggle-competition 99 gru 99 cifar10 98 xgboost 97 logistic-regression 97 covid-19 96 deep-reinforcement-learning 95 word2vec 93 ann 93 prediction 92 ocr 90 r 87 colab-notebook 87 transformer 86