nuralnetwork
There are 107 repositories under nuralnetwork topic.
theakshaydas/PGP-AIML
Repo for AIML case studies and projects
gimnathperera/Pneumonia-detection-CNN
💊 Deep learning-based pneumonia classification project using TensorFlow and Flask. Accurately identifies pneumonia stages in X-ray images, enabling seamless integration into healthcare systems and custom applications.
rajiv2004-cloud/Dehazing-model
AI-ML Based Dehazing / De-smoking Algorithm
CoolCat467/NEAT-Template-Python
This is a Python3 Implementation of Code-Bullet's NEAT Template, originally programmed in JavaScript. This is intended to be used to easily add an AI to a game.
opencodeiiita/Medical-Image-Classification
In this open source project you will build a model which classify medical x-rays as Normal and Infected category.
dmarkham/flappy-nn
NEAT learning to play Flappy Gopher
mostafax/Image-Caption
End to End Deep learning model that generate image captions
Kuludu/Mask_RCNN_TSR
基于Mask R-CNN的交通标志识别课程设计
p-rit/pytorch-Scholarship-challenge
contains exercise solution
RoshniRanaDS27/A_Flask-API_Driven_Machine_Learning_Model-Personalized_Medical_Recommendation_System
Medical Diagnosis Prediction and Personalized Health Care Recommendation System With Web Dashboard
bnati5/FaceMe
Identify if a person is wearing a face mask or if the person is wearing the mask properly using Computer vision(OpenCV) and deep learning(Tensorflow/Keras).
denismurphy/gru-coreml
CoreML compatible GRU neural network for dynamic prediction
SeyedMuhammadHosseinMousavi/Shuffled-Frog-Leaping-Algorithm-SFLA-NN-Learner-and-Regression
Shuffled Frog Leaping Algorithm (SFLA) NN Learner and Regression
MEROO1010/Netflix-Movie-Recommendation-System-
Netflix movie recommendation system
Rik-Sarkar-07/Codes
This is My Main Repository
ThisIs-Developer/AI-Development
This repository is a curated collection of resources, code, and projects focused on artificial intelligence (AI) development. Dive into deep learning, machine learning, computer vision, and Python development with our comprehensive set of tools
vishal815/Customer-Churn-Prediction-using-Artificial-Neural-Network
This project involves building an Artificial Neural Network (ANN) for predicting customer churn. The dataset used contains various customer attributes, and the ANN is trained to predict whether a customer is likely to leave the bank.
aninarafath6/180DaysMlChallenge
📈 My personal 180-day machine learning challenge repository! Follow my journey as I complete daily exercises, mini-projects, and learning resources related to ML. 👨💻 This repository is open for everyone to see and use as inspiration for their own ML challenge. Fork this repository and join the challenge today! 🚀 Let's learn and grow together
mitchellciupak/AI-Self-Driving-Car
Implementing Deep Q Learning to train a virtual self driving car
AbdQaddora/ai_rock_paper_scissors
This repository contains an AI-powered Rock Paper Scissors game built with React and a simple Neural Network. The AI opponent uses a neural network to predict the player's moves and make decisions accordingly. This project is a fun demonstration of how machine learning can be integrated into a simple game.
adborroto/ailearn
Custom machine learning algorithms
avvineed/Basic-Neural-Network
Basic Neural Network in python
harshgupta1810/Audio_Classification-
This project is an implementation of audio classification using Mel-Frequency Cepstral Coefficients (MFCC) and Neural Networks
harshgupta1810/Intelligent_video_surveillance
Keep a watchful eye on your domain with deep learning, fortifying video surveillance and activity recognition.
leodeveloper/Chat-with-multiple-files-llamaindex
Creating a chat application that can handle multiple files using LlamaIndex, OpenAI, and Streamlit involves several steps
MahsaBakhtiari/ECG_image_classification
Vit ECG image classification model
Mansi-kri/Music-Generation-Using-Deep-Learning
In this notebook, we will use Recurrent Neural Networks, to build a character-based model that generates jazz piano notes.
MohamedEmad300/Equus
Making an autonomous car model in a simulation using Python
NeelShah18/arxivData
Dataset of arxiv
niloy104/AI-Driven-Customer-Churn-Forecasting
Accurate churn forecasting models to helps businesses
rajeshidumalla/Cat-Recognition-using-Logistic-Regression-with-a-Neural-Network-mindset
In this Cat recognition project I am building the general architecture of a learning algorithm, including: Initializing parameters, Calculating the cost function and its gradient, Using an optimization algorithm (gradient descent), Gather all three functions above into a main model function, in the right order.
rayanf/Liars-Dice
neural network from scratch for detect best liar's dice strategy
banda721/Predictive-Analytics-in-Stock-Market-Trends-Using-Machine-Learning-in-R
This project leverages machine learning techniques in R to analyze and predict stock market trends.
djdhairya/Speech-Emotion-Recognition-
Predicting various emotion in human speech signal by detecting different speech components affected by human emotion.
Soulyma/Face_Emotional_detection
This notebook is designed to train a deep learning model for face emotion recognition. It uses TensorFlow and is run in a Google Colab environment.