GitHub topics: keras-neural-networks
ao9000/sudoku-lens
This project is the implementation of the sudoku solver using computer vision & backtracking algorithm
Language: Python - Size: 33.6 MB - Last synced at: 1 day ago - Pushed at: 1 day ago - Stars: 2 - Forks: 1

carlthecoder123123/Realtime-emotion-detector
A deep learning-based system that detects facial expressions from webcam input and classifies them into seven emotions — Angry, Disgust, Fear, Happy, Neutral, Sad, and Surprise — using a CNN model and OpenCV for real-time face detection.
Language: Jupyter Notebook - Size: 63.5 KB - Last synced at: 2 days ago - Pushed at: 2 days ago - Stars: 3 - Forks: 0

NikolasMarkou/dl_techniques
Advanced deep learning learning techniques, layers, activations loss functions, all in keras / tensorflow
Language: Python - Size: 1.4 MB - Last synced at: 7 days ago - Pushed at: 7 days ago - Stars: 2 - Forks: 0

cog-imperial/OMLT
Represent trained machine learning models as Pyomo optimization formulations
Language: Python - Size: 13.1 MB - Last synced at: 13 days ago - Pushed at: 3 months ago - Stars: 320 - Forks: 64

codewithlavi/A.I-specialist-course
Curso Especialista en Inteligencia Artificial # entrenamiento I.A
Language: Python - Size: 357 KB - Last synced at: 16 days ago - Pushed at: 16 days ago - Stars: 0 - Forks: 0

Sabbir45ali/Breast-Cancer--React-
Breast Cancer detection web application using Reactjs and Python
Language: JavaScript - Size: 12.7 MB - Last synced at: 7 days ago - Pushed at: 21 days ago - Stars: 1 - Forks: 0

marcogdepinto/emotion-classification-from-audio-files
Understanding emotions from audio files using neural networks and multiple datasets.
Language: Python - Size: 646 MB - Last synced at: 22 days ago - Pushed at: almost 2 years ago - Stars: 418 - Forks: 137

naiveHobo/InvoiceNet
Deep neural network to extract intelligent information from invoice documents.
Language: Python - Size: 43.9 MB - Last synced at: 25 days ago - Pushed at: about 1 year ago - Stars: 2,593 - Forks: 406

umbertogriffo/Predictive-Maintenance-using-LSTM
Example of Multiple Multivariate Time Series Prediction with LSTM Recurrent Neural Networks in Python with Keras.
Language: Python - Size: 8.02 MB - Last synced at: about 1 month ago - Pushed at: over 1 year ago - Stars: 683 - Forks: 243

zhull1988/Telecom-Customer-Churn-Analysis
Exploratory data analysis of telecom customer churn using Python. Includes data cleaning, visualization, and statistical tests to understand churn behavior.
Language: Jupyter Notebook - Size: 811 KB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 0 - Forks: 0

philipperemy/keras-attention
Keras Attention Layer (Luong and Bahdanau scores).
Language: Python - Size: 4.07 MB - Last synced at: 10 days ago - Pushed at: over 1 year ago - Stars: 2,809 - Forks: 668

Prajwal10031999/Handwritten-Digit-Recognition-CNN-Flask-App-
A Convolutional Neural Network model created using PyTorch library over the MNIST dataset to recognize handwritten digits .
Language: Python - Size: 3.02 MB - Last synced at: 14 days ago - Pushed at: over 4 years ago - Stars: 12 - Forks: 3

Yashasvi1714/NeuralNetworks
A repository containing Jupyter Notebooks for neural network models, optimization algorithms, regularization techniques, and classification tasks with real-world datasets.
Language: Jupyter Notebook - Size: 674 KB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 1 - Forks: 0

Anirudh42/Fake-News-Detection
Use Nerual Networks to detect fake news
Language: Python - Size: 5.03 MB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 0 - Forks: 2

Kampi/CaptchaBreaker 📦
A private project for my "KI & Softcomputing" lecture at HSD germany.
Language: Python - Size: 52.7 MB - Last synced at: 4 days ago - Pushed at: over 7 years ago - Stars: 0 - Forks: 0

anan97-ya/Fashion-MNIST-prototype
A prototype system that uses a CNN encoder and edge-based features to retrieve visually similar fashion items from the Fashion MNIST dataset using cosine similarity.
Language: Jupyter Notebook - Size: 37.1 KB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 0 - Forks: 0

UppuluriKalyani/ML-Nexus
ML Nexus is an open-source collection of machine learning projects, covering topics like neural networks, computer vision, and NLP. Whether you're a beginner or expert, contribute, collaborate, and grow together in the world of AI. Join us to shape the future of machine learning!
Language: Jupyter Notebook - Size: 2.82 GB - Last synced at: 23 days ago - Pushed at: 6 months ago - Stars: 77 - Forks: 114

philipperemy/keract
Layers Outputs and Gradients in Keras. Made easy.
Language: Python - Size: 4.23 MB - Last synced at: about 1 month ago - Pushed at: 3 months ago - Stars: 1,056 - Forks: 189

SciSharp/Keras.NET
Keras.NET is a high-level neural networks API for C# and F#, with Python Binding and capable of running on top of TensorFlow, CNTK, or Theano.
Language: C# - Size: 28.7 MB - Last synced at: about 21 hours ago - Pushed at: about 2 years ago - Stars: 617 - Forks: 129

chhayac/Machine-Learning-Notebooks
15+ Machine/Deep Learning Projects in Ipython Notebooks
Language: Jupyter Notebook - Size: 3.84 MB - Last synced at: about 2 months ago - Pushed at: about 5 years ago - Stars: 130 - Forks: 103

JohnnyRei/IArma
The IArma project utilizes a Convolutional Neural Network (CNN) for detecting guns in random images. Its main objective is to accurately identify firearms in diverse visual contexts.
Language: Jupyter Notebook - Size: 633 MB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 1 - Forks: 0

sergio11/disasters_prediction
🚨 Classifying disaster-related tweets using deep learning 🤖 to identify real vs. fake news during crises 🌍. 🔍 NLP techniques help clean and preprocess data for accurate predictions 📊.
Language: Jupyter Notebook - Size: 790 KB - Last synced at: about 2 months ago - Pushed at: 2 months ago - Stars: 3 - Forks: 0

gmalivenko/pytorch2keras
PyTorch to Keras model convertor
Language: Python - Size: 237 KB - Last synced at: 19 days ago - Pushed at: over 2 years ago - Stars: 860 - Forks: 142

NikhilTej2006/crop-health
It is a crop health diagonising model .. with >50% accuracy
Language: Jupyter Notebook - Size: 322 KB - Last synced at: 12 days ago - Pushed at: 2 months ago - Stars: 0 - Forks: 0

joaopauloschuler/k-neural-api
K-CAI NEURAL API - Keras based neural network API that will allow you to create parameter-efficient, memory-efficient, flops-efficient multipath models with new layer types. There are plenty of examples and documentation.
Language: Python - Size: 15.3 MB - Last synced at: about 1 month ago - Pushed at: 10 months ago - Stars: 136 - Forks: 104

harshbg/Sign-Language-Interpreter-using-Deep-Learning
A sign language interpreter using live video feed from the camera.
Language: Python - Size: 13.3 MB - Last synced at: 2 months ago - Pushed at: 2 months ago - Stars: 617 - Forks: 230

edaaydinea/OP2-Prediction-of-the-Different-Progressive-Levels-of-Alzheimer-s-Disease-with-MRI-data
This is an optional model development project on a real dataset related to predicting the different progressive levels of Alzheimer’s disease (AD) with MRI data.
Language: Jupyter Notebook - Size: 16.9 MB - Last synced at: 2 months ago - Pushed at: over 2 years ago - Stars: 9 - Forks: 1

edaaydinea/OP1-Prediction-of-the-Different-Progressive-Levels-of-Alzheimer-s-Disease
This is an optional model development project on a real dataset related to predicting the different progressive levels of Alzheimer’s disease (AD).
Language: Jupyter Notebook - Size: 47.5 MB - Last synced at: 2 months ago - Pushed at: over 2 years ago - Stars: 10 - Forks: 4

dkeras-project/dkeras
Distributed Keras Engine, Make Keras faster with only one line of code.
Language: Python - Size: 6.48 MB - Last synced at: about 2 months ago - Pushed at: over 5 years ago - Stars: 188 - Forks: 12

jesuserro/deep-vision-cnn-image-classification-mnist
Deep Vision is a “Hello World” project in deep learning, focused on building a Convolutional Neural Network (CNN) to classify handwritten digits using the MNIST dataset and the Shroud of Turin.
Language: Python - Size: 896 KB - Last synced at: about 1 month ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

JonathanP-code/Stock-Prediction-with-LSTM-using-yfinance
This repository contains machine learning models that predict future prices for stocks using LSTM neural networks. The models fetch historical price data from Yahoo Finance, preprocess the data, and also generate predictions with buy/sell recommendations.
Language: Python - Size: 64.5 KB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 1 - Forks: 0

gregyjames/stocktwits-sentiment
Stocktwits market sentiment analysis in Python with Keras and TensorFlow.
Language: Python - Size: 68.4 KB - Last synced at: about 2 months ago - Pushed at: 9 months ago - Stars: 30 - Forks: 10

Shohail-Ismail/AquaSentinel-EYH-Prototype
AquaSentinel is a prototype designed to detect anomalous vital levels of deep-sea divers, developed for the EYH university competition, for which it was awarded a Distinction. AquaSentinel is a component of our project 'VitaLink': a concept dive computer that analyses vitals data and alerts surface teams in case of an anomalous readings.
Language: Python - Size: 12.4 MB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

Vatshayan/Image-Recognition-Project
Beautiful Image recognition and Classification Project for final year college students.
Language: Jupyter Notebook - Size: 58.6 KB - Last synced at: 3 months ago - Pushed at: almost 4 years ago - Stars: 14 - Forks: 1

irfanalidv/Toxic_Comment_Classification_using_Keras
Identify and classify toxic online comments
Language: Jupyter Notebook - Size: 52.6 MB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 1 - Forks: 0

Sarthak-1408/Indian-Food-Classification
This Repo Represents Indian Food Classification and with the help of this project you can easily identify the Indian food
Language: Jupyter Notebook - Size: 14 MB - Last synced at: 3 months ago - Pushed at: about 4 years ago - Stars: 8 - Forks: 2

faust-prime/X-ray-images-classification-with-Keras-TensorFlow
ConvNet (CNN) implementation to classify x-ray medical images
Language: Jupyter Notebook - Size: 87.4 MB - Last synced at: about 2 months ago - Pushed at: almost 6 years ago - Stars: 11 - Forks: 12

xoraus/FashionNet
Learn to build a Fashion Classifier using Convolutional Neural Network.
Language: Jupyter Notebook - Size: 1.79 MB - Last synced at: 2 months ago - Pushed at: over 1 year ago - Stars: 8 - Forks: 2

sergio11/iot_network_malware_classifier
🛡️ The IoT Network Malware Classifier 🚀 is an advanced solution tackling security concerns in IoT, employing deep learning for precise malware detection in network traffic.
Language: Jupyter Notebook - Size: 5.48 MB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 4 - Forks: 1

philipperemy/stock-volatility-google-trends
Deep Learning Stock Volatility with Google Domestic Trends: https://arxiv.org/pdf/1512.04916.pdf
Language: Python - Size: 1.29 MB - Last synced at: 2 months ago - Pushed at: over 3 years ago - Stars: 93 - Forks: 41

danmorales/CursoDS_ProfDanilo
Códigos Python com diferentes aplicações como técnicas de machine learning e deep learning, fundamentos de estatística, problemas de regressão de classificação. Os vídeos com as explicações teóricas estão disponíveis no meu canal do YouTube
Language: Jupyter Notebook - Size: 65.4 MB - Last synced at: about 2 months ago - Pushed at: over 4 years ago - Stars: 103 - Forks: 91

snknitin/DeepfakeCapsuleGAN
Using Capsule Networks in GANS to generate very realistic fake images that could perhaps be used for deepfakes
Language: Jupyter Notebook - Size: 41.4 MB - Last synced at: about 2 months ago - Pushed at: almost 6 years ago - Stars: 132 - Forks: 53

l3lackcurtains/Optical-Character-Recognition-using-CNN-KNN-SVM-RF
:metal: Handwriting detection using CNN, KNN, SVM, and Random Forest algorithms.
Language: Python - Size: 14.2 MB - Last synced at: about 1 month ago - Pushed at: over 7 years ago - Stars: 18 - Forks: 4

official-biswadeb941/Mayabati---Your-Personal-AI-Chef
Mayabati is a personal AI chef designed for enhancing culinary experience. Crafted by Biswadeb Mukherjee, a leading developer of ParseSphere Innovations.
Language: Jupyter Notebook - Size: 94.2 MB - Last synced at: 3 months ago - Pushed at: 4 months ago - Stars: 2 - Forks: 0

ayush9h/Deep-Learning
Repository consisting important concepts of DL with Jupyter Notebook
Language: Jupyter Notebook - Size: 5.33 MB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

wesleyscholl/Machine-Learning-Projects
Machine learning projects completed for the Machine Learning with Python Certification
Language: Jupyter Notebook - Size: 2.93 MB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 1 - Forks: 0

GabrielCande/BrainCancerDetection
Multilayer Perceptron (MLP), Deep Neural Networks (DNN), and Convolutional Neural Networks (CNN) models for brain cancer detection.
Language: Python - Size: 5.74 MB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

maxtrouble27/Supernova-Neutrinos
UCL PHAS0056 (Machine Learning for Physicists) Final Project. Applying ML techniques to the binary classification and energy reconstruction of simulated neutrino events in LArTPCs
Language: Jupyter Notebook - Size: 3.86 MB - Last synced at: 3 months ago - Pushed at: about 1 year ago - Stars: 3 - Forks: 0

anujdutt9/Artistic-Style-Transfer-using-Keras-Tensorflow
Art to Image Style Transfer using Keras and Tensorflow.
Language: Python - Size: 8.37 MB - Last synced at: about 2 months ago - Pushed at: almost 7 years ago - Stars: 29 - Forks: 11

ktamburi/Bank-Marketing-UCI-Dataset-Neural-Network
A project in Python for the SWE303 Artificial Intelligence course at Epoka University, focusing on a bank subscription classification task using a neural network.
Language: Jupyter Notebook - Size: 0 Bytes - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

hypnosapos/cartpole-rl-remote
CartPole game by Reinforcement Learning, a journey from training to inference
Language: Python - Size: 80.2 MB - Last synced at: 7 days ago - Pushed at: 7 days ago - Stars: 25 - Forks: 3

shreyanssatpute/Women-Safety-Analytics-V1
Built a real-time system using a CNN model for violence detection (98.2% accuracy) and Haar Cascade for gender classification. Integrated OpenCV, TensorFlow, and Keras for image processing and deep learning to detect threats and trigger real-time alerts.
Language: Python - Size: 33.7 MB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 1 - Forks: 0

SubhangiSati/Identification-of-Gemstone-using-MobileNetV2-and-transfer-learning
The project focuses on Identification of various Gemstone. The dataset consists of 87 classes.It shows the whole progress and model used to achieve final accuracy. You will gain knowledge of Computer Vision, The model used are CNN(Convolutional Neural Network), MobileNetV2 and VGGNet,The final model used was transfer learning with model MobileNetV2
Language: Jupyter Notebook - Size: 1.58 MB - Last synced at: 4 months ago - Pushed at: 12 months ago - Stars: 4 - Forks: 0

deepsense-ai/Keras-PyTorch-AvP-transfer-learning
We pit Keras and PyTorch against each other, showing their strengths and weaknesses in action. We present a real problem, a matter of life-and-death: distinguishing Aliens from Predators!
Language: Jupyter Notebook - Size: 7.85 MB - Last synced at: about 1 month ago - Pushed at: over 6 years ago - Stars: 49 - Forks: 32

ThatOneIndieDev/Ecommerce-AI-Chatbot
An easy, simple and reprogrammable AI chatbot using tensorflow and keras with a handful of training data.
Language: Python - Size: 132 KB - Last synced at: about 1 month ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

philipperemy/very-deep-convnets-raw-waveforms
Tensorflow - Very Deep Convolutional Neural Networks For Raw Waveforms - https://arxiv.org/pdf/1610.00087.pdf
Language: Python - Size: 69.8 MB - Last synced at: about 2 months ago - Pushed at: over 4 years ago - Stars: 74 - Forks: 13

anujdutt9/DeepLearning
Deep Learning Concepts and Research Paper Implementations.
Language: Jupyter Notebook - Size: 201 MB - Last synced at: about 2 months ago - Pushed at: over 6 years ago - Stars: 18 - Forks: 9

justinbodnar/blackjack-ai
a Python3 machine learning library for playing Blackjack
Language: Roff - Size: 3.25 MB - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 24 - Forks: 9

rid17pawar/FashionApparelClassification-webapp
A web application for classifying clothing photos uploaded by users. It makes use of a deep learning model which is deployed using FastAPI. Achieved 85% accuracy in classifying images.
Language: JavaScript - Size: 12.1 MB - Last synced at: 2 months ago - Pushed at: almost 2 years ago - Stars: 4 - Forks: 1

fork123aniket/CycleGAN-for-Image-Translation
Implementation of Cycle-consistent Generative Adversarial Networks for Image-to-Image Translation in Keras
Language: Python - Size: 3.67 MB - Last synced at: 4 months ago - Pushed at: about 2 years ago - Stars: 1 - Forks: 0

AbdullahKhurshid/lung-cancer-prediction
Exploring predictive machine learning for cancer prevention
Language: Jupyter Notebook - Size: 6.58 MB - Last synced at: 19 days ago - Pushed at: 5 months ago - Stars: 0 - Forks: 0

Sughosh28/FL-for-heart-disease-prediction
Language: HTML - Size: 17.6 MB - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 0 - Forks: 1

dhrumilrana25/Python-Libraries-Tutorial
Comprehensive tutorials on popular Python libraries: NumPy, Pandas, Matplotlib, Seaborn, Keras, TensorFlow, and PyTorch. Easy-to-follow guides with code examples for data manipulation, visualization, and machine learning. Perfect for beginners and experienced developers. Contribute and learn with us!
Language: Jupyter Notebook - Size: 1.83 MB - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 2 - Forks: 0

debasishray16/StockPredictor
This project basically aims to provide a visual representation and comparative analysis of close price data related to different company ticker. It involves an interactive dashboard for users to display analysis and prediction of stocks data by using LSTM + XG-Boost model
Language: JavaScript - Size: 78.4 MB - Last synced at: 3 months ago - Pushed at: 5 months ago - Stars: 1 - Forks: 2

dxtaner/Emotion_Recognition
Emotion_Recognition
Language: Jupyter Notebook - Size: 179 MB - Last synced at: 3 months ago - Pushed at: 5 months ago - Stars: 0 - Forks: 0

marcogdepinto/Deep-learning-model-deploy-with-django
Serving a keras model (neural networks) in a website with the python Django-REST framework.
Language: Python - Size: 29.9 MB - Last synced at: 3 months ago - Pushed at: about 2 years ago - Stars: 97 - Forks: 36

iamrosada0/python-machine-learning
python machine learning using tensorflow
Language: Python - Size: 15.6 KB - Last synced at: 3 months ago - Pushed at: 5 months ago - Stars: 0 - Forks: 0

RidwanSharkar/Pharmacological-Compound-Classifier
⌬ Predictive Modeling of Pharmacological Classifications | Using ML to identify Structure-Activity-Relationships (QSAR)
Language: Python - Size: 92.3 MB - Last synced at: 4 months ago - Pushed at: 6 months ago - Stars: 0 - Forks: 0

VitorCarvalho67/Barium
Cutting-edge Python software utilizing neural networks and machine learning for precise hand movement tracking
Language: Python - Size: 195 MB - Last synced at: 3 months ago - Pushed at: about 1 year ago - Stars: 39 - Forks: 6

tejas-130704/Deep-Learning-Projects
A collection of Streamlit-based applications showcasing deep learning in action, including movie recommendations, disease detection, and image classification. Pre-trained models and datasets are hosted on Google Drive for seamless integration.
Language: Python - Size: 1.23 MB - Last synced at: 3 months ago - Pushed at: 5 months ago - Stars: 0 - Forks: 0

hazem-alabiad/automated-essay-grading-system
This is a system that automatically grades essays built using Machine Learning (ML), Deep Learning (DL), Natural Language Processing (NLP) techniques with the help of many libraries and tools e.g. scikit-learn, Keras, Seaborn, Gensim, NLTK, Ploty, Numpy, Pandas.
Language: HTML - Size: 71.2 MB - Last synced at: 19 days ago - Pushed at: over 4 years ago - Stars: 5 - Forks: 3

SadmanSakib93/Stratified-k-fold-cross-validation-Image-classification-keras
This python program demonstrates image classification with stratified k-fold cross validation technique.
Language: Jupyter Notebook - Size: 315 KB - Last synced at: about 2 months ago - Pushed at: over 2 years ago - Stars: 37 - Forks: 15

andiosika/NLP-to-identify-toxic-or-abusive-language-for-online-conversation-using-Keras-Deep-Learning-Models
Natural Language Processing: A multi-headed model capable of detecting different types of online discussion toxicity like threats, obscenity, insults, and identity-based hate using Keras RNN LSTM and focal loss to address a hyper-imbalanced dataset.
Language: Jupyter Notebook - Size: 166 MB - Last synced at: 4 months ago - Pushed at: over 4 years ago - Stars: 5 - Forks: 2

Claudio9701/DeepPoem
Text Generation LSTM Keras model trained with Cesar Vallejo poems
Language: Python - Size: 20.8 MB - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 0 - Forks: 0

jcaperella29/LSTM_temp_python
A python script that using a Long Term , Short term memory neural network to predict temperature.
Language: Python - Size: 4.88 KB - Last synced at: 4 months ago - Pushed at: 8 months ago - Stars: 0 - Forks: 0

sushant1827/Fashion-Clothing-Classification
Kaggle Machine Learning Competition Project : In this project, we will create a classifier to classify fashion clothing into 10 categories learned from Fashion MNIST dataset of Zalando's article images
Language: Jupyter Notebook - Size: 6.59 MB - Last synced at: 3 months ago - Pushed at: over 5 years ago - Stars: 8 - Forks: 3

Pavansomisetty21/Image-Classification-using-Keras-Pretrained-models
we classify the images with keras pre trained models like vgg 16 model ,Resnet-50 model and inception-v3 model
Language: Jupyter Notebook - Size: 21.2 MB - Last synced at: 4 months ago - Pushed at: 6 months ago - Stars: 1 - Forks: 0

elfgk/Date-Fruit-Image-Processing
Date Fruit Image Processing
Language: Jupyter Notebook - Size: 423 KB - Last synced at: 4 months ago - Pushed at: 6 months ago - Stars: 2 - Forks: 0

rociobenitez/DeepLearning-Airbnb-Price-Prediction
Deep Learning project for Airbnb price prediction, featuring data preprocessing and neural network models in Google Colab.
Language: Jupyter Notebook - Size: 1.62 MB - Last synced at: 3 months ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

AbhiramDodda/Eye_Disease_OCT
Eye diseases can be detected using Retinal Optical Coherence Tomography(OCT). The project aims at building CNN on Retinal OCT images dataset.
Language: Python - Size: 9.77 KB - Last synced at: 2 days ago - Pushed at: over 1 year ago - Stars: 3 - Forks: 0

anurima-saha/Image_Classification_CNN_MobileNetV3
IMAGE CLASSIFICATION USING CNN and MobileNetV3
Language: Jupyter Notebook - Size: 152 KB - Last synced at: 4 months ago - Pushed at: 6 months ago - Stars: 0 - Forks: 0

Mike014/Chatbot_App
Chabot is an application with a graphical user interface that uses various natural language processing (NLP) techniques to tokenize, stem, find stop words, and apply regular expressions to user-input text. The interface is built using Tkinter.
Language: Python - Size: 16.9 MB - Last synced at: 2 months ago - Pushed at: 6 months ago - Stars: 0 - Forks: 0

Big-ShahMir/EarthQuakePredictorML
This project leverages machine learning models and techniques to predict earthquake magnitudes and depths based on historical data. The project explores various configurations of neural networks using hyperparameter tuning to determine the best-performing model.
Language: Python - Size: 725 KB - Last synced at: 4 months ago - Pushed at: 6 months ago - Stars: 0 - Forks: 0

awslabs/keras-apache-mxnet Fork of keras-team/keras 📦
[DEPRECATED] Amazon Deep Learning's Keras with Apache MXNet support
Language: Python - Size: 12.5 MB - Last synced at: 1 day ago - Pushed at: over 2 years ago - Stars: 289 - Forks: 61

shah0150/Artificial-Neural-Networks-Visualizer
Visualizing Artificial Neural Networks (ANNs) with just One Line of Code
Language: Python - Size: 3.91 MB - Last synced at: 2 months ago - Pushed at: about 7 years ago - Stars: 22 - Forks: 10

ZakirCodeArchitect/Intent-classifiers-on-regression-models
This project compares five optimization algorithms (GD, SGD, Momentum, RMSProp, and Adam) on Univariate Linear Regression and a neural network for Intent Classification with the ATIS dataset. It evaluates convergence speed, stability, and final loss, showing that Adam delivers the best performance across both models.
Language: Jupyter Notebook - Size: 896 KB - Last synced at: about 1 month ago - Pushed at: 6 months ago - Stars: 0 - Forks: 0

luca-parisi/quantum_relu
QReLU and m-QReLU: Two novel quantum activation functions for Deep Learning in TensorFlow, Keras, and PyTorch
Language: Python - Size: 43.9 KB - Last synced at: about 2 months ago - Pushed at: 10 months ago - Stars: 14 - Forks: 7

soumik12345/Nearest-Celebrity-Face
Tensorflow Implementation of FaceNet: A Unified Embedding for Face Recognition and Clustering to find the celebrity whose face matches the closest to yours.
Language: Jupyter Notebook - Size: 25.6 MB - Last synced at: about 2 months ago - Pushed at: over 2 years ago - Stars: 31 - Forks: 7

gawadx1/exploring-digits-with-nn
A guided journey into neural networks, showcasing their application in digit recognition using the MNIST dataset. From foundational concepts to advanced implementations, this project bridges theory and practice for learners and developers alike.
Language: Jupyter Notebook - Size: 637 KB - Last synced at: 25 days ago - Pushed at: 6 months ago - Stars: 0 - Forks: 0

Aditya-Ranjan1234/CatVsDog-Classifier
Find whether the given image if of a CAT or DOG
Language: Jupyter Notebook - Size: 23.4 KB - Last synced at: 3 months ago - Pushed at: about 1 year ago - Stars: 2 - Forks: 0

mikeroyal/TensorFlow-Guide
TensorFlow Guide
Language: Python - Size: 133 KB - Last synced at: about 2 months ago - Pushed at: over 3 years ago - Stars: 16 - Forks: 4

semanurbilada/chatbot
Developing ChatBot [ open source ]
Language: Python - Size: 17.6 KB - Last synced at: 4 months ago - Pushed at: 7 months ago - Stars: 0 - Forks: 0

simurgailab/an-enhanced-tooth-segmentation-in-bitewing-radiographs
This study was published in 2022 in a scientific journal with SCI-Expanded index. The tooth numbering module uses the FDI notation, which is widely used by dentists, to classify and number dental items found as a result of segmentation. The performance of the Mask R–CNN method used has been proven by comparing it with other state-of-the-art methods.
Size: 352 KB - Last synced at: about 2 months ago - Pushed at: almost 3 years ago - Stars: 11 - Forks: 3

chrdek/colab_varioustf
Several tensorflow colab notebooks that I found from various sources
Language: Jupyter Notebook - Size: 4.98 MB - Last synced at: 3 months ago - Pushed at: almost 3 years ago - Stars: 1 - Forks: 0

lucko515/fully-connected-nn
The fully connected neural network implemented in Numpy, from scratch, in Tensorflow and in Keras. The bonus code: Implementation of many different activation functions, in python, weight inits.
Language: Jupyter Notebook - Size: 195 KB - Last synced at: 2 months ago - Pushed at: almost 8 years ago - Stars: 12 - Forks: 3

anujdutt9/AI-Chatbot
AI Chatbot using Dynamic Memory Network in Keras.
Language: Python - Size: 14.2 MB - Last synced at: 2 months ago - Pushed at: almost 8 years ago - Stars: 65 - Forks: 20

mbithesss/Language-Translation-with-Deep-Learning
This repository contains a Neural Machine Translation (NMT) model designed to translate English sentences into Hindi. The model uses an encoder-decoder architecture with Long Short-Term Memory (LSTM) layers and is trained on the Hindi-English Truncated Corpus dataset.
Language: Jupyter Notebook - Size: 79.5 MB - Last synced at: 7 months ago - Pushed at: 7 months ago - Stars: 0 - Forks: 0

akshaysharma096/Siamese-Networks
Few Shot Learning by Siamese Networks, using Keras.
Language: Jupyter Notebook - Size: 119 KB - Last synced at: 7 months ago - Pushed at: about 5 years ago - Stars: 191 - Forks: 82

luca-parisi/hyper_sinh
hyper-sinh: An Accurate and Reliable Activation Function from Shallow to Deep Learning in TensorFlow, Keras, and PyTorch
Language: Python - Size: 36.1 KB - Last synced at: 3 months ago - Pushed at: 9 months ago - Stars: 3 - Forks: 2

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!
Language: Python - Size: 58.6 KB - Last synced at: 4 months ago - Pushed at: over 2 years ago - Stars: 2 - Forks: 0
