Ecosyste.ms: Awesome
An open API service indexing awesome lists of open source software.
Deep neural networks
Deep neural networks (DNNs) are a class of artificial neural networks (ANNs) that are deep in the sense that they have many layers of hidden units between the input and output layers. Deep neural networks are a type of deep learning, which is a type of machine learning. Deep neural networks are used in a variety of applications, including speech recognition, computer vision, and natural language processing. Deep neural networks are used in a variety of applications, including speech recognition, computer vision, and natural language processing.
- GitHub: https://github.com/topics/deep-neural-networks
- Wikipedia: https://en.wikipedia.org/wiki/Deep_neural_networks
- Aliases: deep-neural-network,
- Last updated: 2025-01-24 00:07:47 UTC
- JSON Representation
https://github.com/sonu275981/social_network_ads
Artificial neural networks Model for predicting the key audiences to show ads in a social network.
ads artificial-neural-networks deep-neural-networks python3
Last synced: 24 Dec 2024
https://github.com/sonu275981/handwritten-digit-recognition-mnist
This is a machine learning model that classifies digits from 0-9 from handwritten digits.
deep-neural-networks keras mnist-classification mnist-handwriting-recognition opencv python tensorflow
Last synced: 24 Dec 2024
https://github.com/sonu275981/movie-recommender-system
Movie-Recommender-System hosted on https://movies275.herokuapp.com/ also on https://share.streamlit.io/sonu275981/movie-recommender-system/main/app.py
content-based-recommendation cosine-similarity deep-neural-networks movie-recommendation nlp-machine-learning recommender-system sentiments-analysis tensorflow tmdb-api vectorization
Last synced: 24 Dec 2024
https://github.com/sonu275981/face-mask-detector
Face Mask Detection system based on computer vision and deep learning using OpenCV and TensorFlow/Keras
cnn-keras computer-vision convolutional-neural-networks covid-19 deep-learning deep-neural-networks face-mask-detection face-mask-detector opencv python
Last synced: 24 Dec 2024
https://github.com/sonu275981/diabetes_by-using-keras-hyperparameter
A simple neural network using Keras-hyperparameter and Python to solve a binary classification problem to detect an onset of diabetes.
deep-neural-networks diabetes-prediction hyperparameter-tuning keras-tensorflow pyhton3
Last synced: 24 Dec 2024
https://github.com/armanjscript/advanced-guide-to-ai
All of things you want to know about ML and Deep Learning
artificial-intelligence artificial-intelligence-algorithms artificial-neural-networks deep-neural-networks deeplearning machine-learning machine-learning-algorithms
Last synced: 18 Dec 2024
https://github.com/sanikamal/computer-vision-cv2
Learn Computer Vision with OpenCV and Python
ai computer-vision deep-learning deep-neural-networks image-processing image-recognition image-segmentation machine-learning opencv opencv-library opencv-python video-processing
Last synced: 10 Jan 2025
https://github.com/nass59/dlnd_face_generation
Face generation using generative adversarial networks to generate new images
celeba cnns deep-learning deep-neural-networks face-generation gpu mnist python tensorflow udacity-deep-learning udacity-nanodegree
Last synced: 18 Dec 2024
https://github.com/venkat-a/text_processing_rnn_lstm
Text Processing RNN leverages RNN and LSTM models for advanced text processing. It features deep learning techniques for NLP tasks, utilizing GloVe for word embeddings, aimed at both educational and practical applications.
categorical-encoding deep-neural-networks embedding-vectors lstm-neural-networks model-evaluation-and-tuning nltk-tokenizer numpy-arrays pandas-dataframe pytorch-nlp rnn-encoder-decoder tokenization vocabulary-builder
Last synced: 08 Jan 2025
https://github.com/denpalrius/football_analysis
Football match analysis using YOLO v8 and OpenCV
ai cnn computer-vision deep-neural-networks ml opencv yolo
Last synced: 10 Jan 2025
https://github.com/stupidcucumber/deeplabv3-celebhq
Trained Torch version of the DeepLab on the CelebHQ.
deep-neural-networks deeplabv3 face-segmentation python3 segmentation-models torch
Last synced: 19 Jan 2025
https://github.com/loaiabdalslam/s5nn.js
Neural Network Visualization Library Using Graph Rendering ( Sigma.js )
deep-learning deep-neural-networks machine-learning visualization
Last synced: 24 Dec 2024
https://github.com/alyssonmach/deploy-to-heroku-app
An interactive application to ... identify 🐱 in images (neural network of l-layers).
classification-model deep-neural-networks heroku-deployment python streamlit
Last synced: 24 Dec 2024
https://github.com/dkosarevsky/bmstu_bgqw
BMSTU Bachelor's Graduate Qualification Work
deep-learning deep-neural-networks deepface deepfake deepfake-detection deepfakes deeplearning neural-network python streamlit
Last synced: 21 Dec 2024
https://github.com/maxvandenhoven/bounded-knapsack-reinforcement-learning
University project applying deep reinforcement learning to solve the bounded knapsack problem
bounded-knapsack-problem deep-learning deep-neural-networks deep-reinforcement-learning gym knapsack-problem operations-research or-gym python pytorch
Last synced: 29 Dec 2024
https://github.com/lim-calculus/deep-learning-based-semantic-segmentation-with-pytorch-and-onnx
Deep learning-based semantic segmentation model using the PyTorch and ONNX framework
ai deep-learning deep-neural-networks onnx onnxruntime pytorch semantic-segmentation
Last synced: 22 Jan 2025
https://github.com/aravinda-1402/diabetes-prediction-using-machine-learning
To predict whether a person has diabetes or not depending on the parameters given using the 'PIMA Diabetes' dataset
data-science deep-neural-networks machine-learning-algorithms
Last synced: 19 Jan 2025
https://github.com/perpendicularai/imageclassification
A deep-learning notebook to detect real or fake faces. Now comes with it's own PyPI module.
convolutional-neural-networks deep-learning deep-neural-networks image-classification
Last synced: 23 Jan 2025
https://github.com/uranusx86/addernet-on-tensorflow
a implementation of neural network with almost no multiplication with tensorflow 2 (Adder Net)
adder addernet ai artificial-intelligence cnn custom-layer deep-learning deep-neural-networks image-classification implementation implementation-of-research-paper keras lightweight mnist neural-network tensorflow tensorflow2
Last synced: 21 Jan 2025
https://github.com/ashraf-khabar/bank-marketing-data-analysis
This project is focused on analyzing bank marketing data using PyTorch, pandas, numpy, and scikit-learn. The goal is to build a predictive model that can help identify potential customers who are more likely to subscribe to a bank's term deposit.
data-cleaning data-science data-visualization dataset deep-learning deep-neural-networks feedforward-neural-network learning neural-networks numpy pandas python pytorch sklearn
Last synced: 21 Jan 2025
https://github.com/lnsp/ml-notebooks
A collection of machine learning notebooks created for learning purposes.
deep-learning deep-neural-networks machine-learning machine-learning-algorithms reinforcement-learning sklearn tensorflow
Last synced: 19 Dec 2024
https://github.com/wielkadraka/lunar-landing-q-learing
AI playing Lunar Landing from python gymnasium library
deep-neural-networks deep-q-learning lunar-lander python3
Last synced: 11 Jan 2025
https://github.com/piero24/vanillanet-cpp
A fully connected Neural Network in C++ with SGD from scratch, achieving 98% accuracy on the MNIST dataset.
backpropagation cmake cpp deep-learning deep-neural-networks loss-functions neural-network neural-networks-from-scratch opencv softmax
Last synced: 19 Dec 2024
https://github.com/khareyash05/breast-cancer-classification-using-deep-neural-network
Breast Cancer Classification using Deep Neural Networks
breastcancer-classification deep-neural-networks pytorch
Last synced: 11 Jan 2025
https://github.com/ahsan-83/machine-learning-projects
Machine Learning Projects
binary-classification car-detection classification cnn deep-learning deep-neural-networks image-compression k-means-clustering keras logistic-regression mobilenetv2 neural-networks
Last synced: 15 Dec 2024
https://github.com/sixcolors/hotdog
Image classification application that uses deep learning to determine whether an image contains a hotdog or not.
ai deep-neural-networks hotdog hotdog-classifiers machine-learning ml not-hotdog python3 tensorflow
Last synced: 14 Dec 2024
https://github.com/thoth2357/transfer-and-nontransfer-learning-models-for-pneumonia-detection
Pneumonia detection using transfer learning learning with different deep learning model
classification-algorithm deep-learning deep-neural-networks keras-tensorflow pneumonia-classification
Last synced: 07 Jan 2025
https://github.com/avidlearnerinprogress/neuralnetworksanddeeplearning
Programming assignments of the course
andrew-ng deep-learning deep-neural-networks python
Last synced: 14 Jan 2025
https://github.com/jeremiegince/mixture_models_deep_rl
Mixture models in deep reinforcement learning with gym
atari deep-learning deep-neural-networks deep-reinforcement-learning gym-environment mixture-model mixture-models reinforcement-learning
Last synced: 20 Jan 2025
https://github.com/ggldnl/vision-and-perception
Material from the Vision and Perception course
camera-calibration computer-vision deep-neural-networks epipolar-geometry image-filtering image-processing structure-from-motion university
Last synced: 14 Jan 2025
https://github.com/frgfm/pytorch-mnist
Implementation of various basic architectures (training on MNIST, Visdom visualization)
computer-vision deep-learning deep-neural-networks lenet mnist python3 pytorch pytorch-cnn visdom
Last synced: 29 Dec 2024
https://github.com/albertopirillo/anndl-challenges-2023
Collection of two projects applying Deep Neural Networks on real-world problems. The first one with CNNs for image recognition and the other with RNNs and 1D-CNNs for timeseries forecasting.
deep-neural-networks image-recognition timeseries-forecasting
Last synced: 01 Jan 2025
https://github.com/amdjadouxx/chatbotai
implementing a chatbot with tensorflow in python
deep-learning deep-neural-networks ia natural-language-processing python3
Last synced: 23 Jan 2025
https://github.com/nithin-sudarsan/handwritten-digit-recognizer
A Convolutional Neural Networks model used to recognize handwritten numbers.
cnn-classification deep-learning deep-neural-networks digit-recognition handwritten-digit-recognition machine-learning neural-network
Last synced: 25 Dec 2024
https://github.com/anibalalpizar/python-deep-learning-houseprice-prediction
Meters to price predictions using Python and deep learning.
deep-learning deep-neural-networks python tensorflow
Last synced: 08 Jan 2025
https://github.com/inviii/ava
AVA is an AI/ML-based open-source program designed for fully autonomous Cars and Drones. AVA stands for AUTONOMOUS VEHICLE & AVIATION
ava aviation computer-vision convolutional-neural-networks deep-neural-networks lane-finding machine-learning self-driving-car tensorflow traffic-sign-classification vehicle-detection
Last synced: 19 Jan 2025
https://github.com/sevmardi/ml-projects
ML projects
airline datascience deep-neural-networks machine-learning ml prediction predictive-modeling
Last synced: 25 Dec 2024
https://github.com/lugq1990/neural-nets
Build deep learning models more efficient based on TensorFlow.
deep-learning deep-neural-networks machine-learning tensorflow
Last synced: 08 Jan 2025
https://github.com/ammahmoudi/fluxomic-prediction
Applying implicit deep learning and convex optimization layers to infer metabolic fluxes from gene expression data
bioinformatics deep-neural-networks fluxomics ml optimization transcriptomics
Last synced: 15 Jan 2025
https://github.com/rakibhhridoy/neuralstyletransfer-tensorflow
One of the curious outcome of data science revolution is neural style transfer where nst algorithm merge two images, content and style, creating a artistic image of content image. Here TensorFlow is used to process images and lastly used nst algorithm.
deep-learning deep-neural-networks machine-learning neural-style-transfer neuralstyletransfer nst python tensorflow
Last synced: 25 Dec 2024
https://github.com/parrondo/tutorial-lstm
Tutorial-LSTM: Project for testing LSTM time series forecasting. See notebooks for complete information
deep-learning deep-learning-tutorial deep-neural-networks lstm lstm-networks lstm-neural-network
Last synced: 01 Jan 2025
https://github.com/ammahmoudi/covid-19-autoencoder
Using Autoencoder in keras as a nonlinear dimensionality reduction method to encode COVID-19 patients data
autoencoder covid-19 deep-learning deep-neural-networks dimension-reduction keras-tensorflow machine-learning ml
Last synced: 15 Jan 2025
https://github.com/shrikantnaidu/transfer-learning-for-nlp-with-tensorflow-hub
Transfer Learning in TensorFlow.
deep-neural-networks natural-language-processing tensorflow tensorflow-hub tranfer-learning
Last synced: 10 Jan 2025
https://github.com/shrikantnaidu/dog-breed-classifier
Dog Breed Classifier
convolutional-neural-networks deep-neural-networks image-classification
Last synced: 10 Jan 2025
https://github.com/vatshayan/research-papers-
Research papers as blue prints, drafts, pre prints and published papers
artificial-intelligence big-data blockchain blockchain-technology data-analysis data-mining data-science data-visualization deep-learning deep-neural-networks image-classification image-manipulation image-processing machine-learning machine-learning-algorithms machine-learning-library python supervised-learning unsupervised-machine-learning webdevelopment
Last synced: 15 Jan 2025
https://github.com/berndporr/deep-learning-analytics
The core deep learning math
deep-learning deep-neural-networks
Last synced: 08 Jan 2025
https://github.com/lifeisbeautifu1/deep-learning
My Google Colab notebooks for studying Deep Learning
ai computer-vision convolutional-neural-networks data-science deep-learning deep-neural-networks difussion machine-learning neural-network notebook python pytorch tensorflow text-to-image
Last synced: 19 Jan 2025
https://github.com/hiroakimikami/nnabla-ggnn
Reimplement gated graph neural network in NNabla
deep-learning deep-neural-networks ggnn nnabla
Last synced: 13 Jan 2025
https://github.com/hivana98/datascience-binaracademy
Data Analysis, Data Science, Machine & Deep Learning
data-science deep-learning deep-neural-networks machine-learning
Last synced: 17 Jan 2025
https://github.com/guoquan/dlexp
Scaffold codes for feedforward neural network and autoencoders.
deep-learning deep-neural-networks matlab
Last synced: 02 Jan 2025
https://github.com/guoquan/dlexp2
A framework for more flexible structure of neural networks with auto-differentiation.
auto-differentiation deep-learning deep-neural-networks matlab
Last synced: 02 Jan 2025
https://github.com/winter000boy/music-recommendation
This project implements a content-based recommendation system that analyzes song lyrics to find similar songs. It uses TF-IDF vectorization and cosine similarity to measure the semantic similarity between songs.
artificial-intelligence deep-neural-networks flask-application machine-learning neural-network python3 reinforcement-learning
Last synced: 26 Dec 2024
https://github.com/pmuens/tdf
TDF - Tensor Data Format
artificial-intelligence deep-learning deep-neural-networks deep-reinforcement-learning neural-network
Last synced: 26 Dec 2024
https://github.com/ahmdtaha/tf_learning_to_count
(ICCV2017) Tensorflow implementation of Representation Learning by Learning to Count
computer-vision deep-learning deep-neural-networks machine-learning nvidia-dali self-supervised-learning tensorflow tensorpack unsupervised-learning
Last synced: 26 Dec 2024
https://github.com/iambijoykar/tmnist-deeplearning-model
Handwritten character predict model
deep-learning deep-neural-networks neural-network tensorflow tmnist
Last synced: 21 Dec 2024
https://github.com/techshot25/keplerdata
This checks out data provided by the Kepler space telescope to study exoplanets.
artificial-neural-networks decision-tree-algorithm deep-neural-networks k-nearest-neighbors machine-learning matplotlib multi-layer-perceptron neural-network random-undersampling statistics support-vector-machines
Last synced: 07 Jan 2025
https://github.com/simranjeet97/googlevision_ocr
GoogleVision_OCR Project to Read out PDF
data-science data-structures deep-learning deep-neural-networks gcp google google-analytics google-cloud-platform googlecloud googlecloudplatform googlecloudstorage machine-learning machine-learning-algorithms ocr ocr-engine ocr-recognition ocr-service python python-ocr python3
Last synced: 14 Jan 2025
https://github.com/rociobenitez/deeplearning-airbnb-price-prediction
Deep Learning project for Airbnb price prediction, featuring data preprocessing and neural network models in Google Colab.
airbnb-data airbnb-pricing-prediction convolutional-neural-networks deep-learning deep-learning-algorithms deep-neural-networks keras keras-neural-networks keras-tensorflow
Last synced: 23 Jan 2025
https://github.com/justanhduc/cyclegan
A Theano implementation of Cycle GAN
deep-learning deep-neural-networks gan generative-adversarial-network python theano
Last synced: 02 Jan 2025
https://github.com/justanhduc/lsgan
A replication of Least Square GAN
deep-learning deep-neural-networks generative-adversarial-network theano
Last synced: 02 Jan 2025
https://github.com/justanhduc/sngan
A Theano implementation of Spectral Normalized GAN
deep-learning deep-neural-networks gan theano
Last synced: 02 Jan 2025
https://github.com/kedhareswer/pdfchatbot
The Following Project is just me trying to understand a way to make PDF Chat bot this is not the final work
css deep-learning deep-neural-networks html machine-learning pdfjs python
Last synced: 21 Jan 2025
https://github.com/justanhduc/improved-wgan
A Theano implementation of Improved WGAN
deep-learning deep-neural-networks gan
Last synced: 02 Jan 2025
https://github.com/d-kleine/deep-learning
Udacity Deep Learning Nanodegree notes and project solutions
deep-learning deep-neural-networks
Last synced: 23 Jan 2025
https://github.com/amitkaps/dl101
Deep Learning 101
deep-learning deep-neural-networks python
Last synced: 25 Dec 2024
https://github.com/quarkgluant/deeplearning_tf
the "hello world" of the Deep Learning, MNIST dataset with tensorflow
deep-neural-networks python3 tensorflow-examples
Last synced: 07 Jan 2025
https://github.com/a-yush/keras-databases
Implemented various deep learning problems of supervised learning using keras with tensorflow as backend .
computer-vision deep-neural-networks keras keras-implementations python3 supervised-machine-learning
Last synced: 26 Dec 2024
https://github.com/harmanveer-2546/music-genre-classification
Classifying the genre of a music using deep neural networks.
cnn deep-neural-networks keras labelencoder librosa matplotlib music numpy pandas pickle python scipy seaborn sequential-models tensorflow
Last synced: 06 Dec 2024
https://github.com/coderixc/rforai
Learn R Programming Language for Statistics & Data Science
artificial-neural-networks data data-science deep-neural-networks machine-learning probability quant-analyst r science
Last synced: 20 Dec 2024
https://github.com/edreate/neural_learn
A Deep Learning library based on Pytorch and PyTorch Lightning which makes Deep Learning even simpler.
deep-learning deep-neural-networks python3 pytorch pytorch-lightning
Last synced: 21 Dec 2024
https://github.com/kmohamedalie/dtm-machine_learning_final_project
Machine learning final project
cifar-10 classification cnn computer-vision convolutional-neural-networks deep-learning deep-neural-networks hog-features image-classification keras-tensorflow machine-learning svm
Last synced: 02 Jan 2025
https://github.com/saravanabalagi/deep_learning
My solutions for Deep Learning by Google MOOC on Udacity
deep-learning deep-neural-networks solutions udacity
Last synced: 25 Dec 2024
https://github.com/gauravcodepro/expression-neural-network
a deep neural expression based classifier demonstrated to fit a unbalanced dataset, expression datasets across the samples
deep-neural-networks deeplearning expression-evaluator machine-learning machine-learning-algorithms neural-network neural-networks
Last synced: 02 Jan 2025
https://github.com/cooldragon12/solana-forecasting-using-lstm
A time series forecasting analysis using LSTM for the Solana Price
deep-neural-networks lstm lstm-model machine-learning
Last synced: 07 Jan 2025
https://github.com/kalfasyan/regular_irregular_shapeselectivity
Repository for my paper with title "Shape Selectivity of Middle Superior Temporal Sulcus Body Patch Neurons."
convolutional-neural-networks deep-neural-networks models neuroscience research-paper vision vision-science
Last synced: 17 Jan 2025
https://github.com/het-shah/ml
deep-neural-networks machine-learning neural-network regression-models
Last synced: 03 Jan 2025
https://github.com/mehmetgoren/deepstack_service
Feniks iNVR DeepStack Service
computer-vision deep-neural-networks deepstack docker docker-client face-recognition feniks message-broker microservices-architecture object-detection python-multiprocessing pytorch redis
Last synced: 21 Jan 2025
https://github.com/mehmetgoren/detect_service
Feniks iNVR Object Detection Service
computer-vision deep-neural-networks feniks machine-learning message-broker microservices-architecture nvidia-jetson object-detection pytorch redis tensorflow
Last synced: 21 Jan 2025
https://github.com/mehmetgoren/facial_recognition
Feniks iNVR Face Recognition Service
computer-vision deep-neural-networks face-detection face-recognition feniks message-broker microservice-architecture mtcnn pytorch redis
Last synced: 21 Jan 2025
https://github.com/troublete/go-qndnn
quick 'n' dirty neural network (for practical use)
ai deep-neural-networks go machine-learning relu sigmoid tanh
Last synced: 03 Jan 2025
https://github.com/papapana/sagemaker-sentiment-analysis
Sentiment Analysis with LSTMs deployed in Amazon Sagemaker
aws aws-lambda deep-learning deep-neural-networks lstm sagemaker sentiment-analysis
Last synced: 13 Jan 2025
https://github.com/abhaskumarsinha/1d-gan
A simple well-documented tutorial on implementing a 1D GAN on Keras using a Python Jupyter Notebook
deep-learning deep-neural-networks gan generative-adversarial-network keras keras-tensorflow python3 tensorflow2 tutorial
Last synced: 21 Jan 2025
https://github.com/huseyincenik/deep_learning
Deep Learning #deeplearning
deep-learning deep-learning-tutorial deep-neural-networks keras keras-neural-networks keras-tensorflow tensorflow tensorflow-tutorials
Last synced: 21 Dec 2024
https://github.com/kalifou/tme_10_11_rdfia
Neural Networks Visualization : Activation Maps, Adversarial examples...
adversarial-example class-visualization deep-neural-networks pytorch
Last synced: 13 Jan 2025
https://github.com/ravish1729/neural-network-for-beginners
Create a image classifier with your own architecture
computer-graphics computer-vision deep-learning-tutorial deep-neural-networks machine-learning mnist-classification
Last synced: 11 Jan 2025
https://github.com/nuel77/style_transfer_using_tensorflow_2.0
style transfer using vgg19 model- referenced form tensor flow tutorials- made using tensorflow 2.0 and keras
beginner-friendly beginner-project deep-learning deep-neural-networks keras keras-neural-networks keras-tensorflow style-transfer tensorflow-examples tensorflow-experiments tensorflow-tutorials vgg19
Last synced: 18 Jan 2025
https://github.com/loaiwalid07/portfolio
Loai Nazeer portfolio
classification clustering computer-vision data-science deep-learning deep-neural-networks machine-learning matplotlib matplotlib-pyplot nlp nlp-machine-learning nltk numpy pandas plotly sklearn streamlit tensorflow-tutorials
Last synced: 18 Jan 2025
https://github.com/abidmuin/tensorflow-in-practice-specialization
TensorFlow in Practice Specialization
artificial-intelligence cnn-keras computer-vision deep-neural-networks keras-classification-models keras-implementations keras-models keras-neural-networks keras-tensorflow keras-visualization lstm machine-learning-coursera nlp prediction rnn-tensorflow seasonality tensorflow-models tensorflow-tutorials time-series-analysis trend-analysis
Last synced: 21 Dec 2024
https://github.com/donmaruko/sentiment-analysis-api
Flask-based API for sentiment analysis using deep learning models and includes endpoints for text and file input, database storage, and integrated Swagger documentation.
api deep-learning deep-neural-networks flask keras lstm machine-learning neural-network rnn scikit-learn scikitlearn-machine-learning sklearn sqlite3 swagger swagger-ui tensorflow
Last synced: 04 Jan 2025
https://github.com/parth-shastri/neural_nets_tensorflow
Just a small set of projects from a student who loves to play with Deep-learning!
deep-learning deep-neural-networks learning neural-networks python3 tensorflow-examples tensorflow-tutorials tensorflow2
Last synced: 21 Dec 2024
https://github.com/karan-malik/self-organizing-maps
Python implementation of the unsupervised Deep Learning Algorithm SOM
deep-learning deep-neural-networks deeplearning dimensionality-reduction python python3 self-organizing-map som unsupervised-deep-learning unsupervised-learning unsupervised-machine-learning
Last synced: 14 Jan 2025
https://github.com/es7/the-ai-orchestra
In this repository I have explained about how we can generate music via LSTMs.
deep-neural-networks gru lstm music-generation-deep-learning rnn
Last synced: 11 Jan 2025
https://github.com/aungkaungpyaepaing/mask-nomask-classification
Purpose of this project is to classified the captured image or input image, has masks or not. This model had trained with Convolutional Neural Network (CNN) and has high accuracy. The only problem of this model is it cannot detect the mask with different color due to dataset but included possible solution at the end of doc.
classification convolutional-neural-networks deep-learning deep-neural-networks image-classification image-processing
Last synced: 21 Jan 2025
https://github.com/vyomshm/tenseemotion
Emotion recognition using deep learning - project at AngelHack Global Hackathon Series : New Delhi. WON the Govtech challenge!!!!
deep-neural-networks hackathon opencv3 tensorflow
Last synced: 29 Nov 2024
https://github.com/ostaptan/road_signs_prediction
Road signs prediction CNN model
cnn-classification deep-neural-networks machine-vision relu tensorflow
Last synced: 19 Jan 2025
https://github.com/architgargpro/emotiondetector
This Machine Learning project aims to classify the emotion on a person's face into one of four categories, using deep convolutional neural networks.
cnn-keras deep-neural-networks keras-tensorflow machine-learning python
Last synced: 20 Jan 2025
https://github.com/ahmad-ali-rafique/usa-house_price-predict
A Streamlit application for predicting house prices in the USA using a linear regression model.
artificial-intelligence data-science deep-neural-networks house house-price-prediction linear-regression machine-learning modeling neural-networks price-prediction regression-models streamlit usa
Last synced: 21 Dec 2024