Ecosyste.ms: Awesome

An open API service indexing awesome lists of open source software.

Awesome Lists | Featured Topics | Projects

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.

https://github.com/ahmad-ali-rafique/handwritten-digit-recognition-mnist

This project demonstrates a complete pipeline for recognizing handwritten digits using the MNIST dataset. The project is implemented in Python using Jupyter Notebook, and it covers data loading, preprocessing, model training, and performance evaluation of a Fully Connected Neural Network (FCNN).

ai artificial-intelligence data data-analysis datascience deep-learning deep-neural-networks fcnn fully-connected-network machine-learning machine-learning-algorithms ml modeling

Last synced: 15 Nov 2024

https://github.com/ahmad-ali-rafique/yolo-helmet-detection-app

This project implements a helmet detection system using YOLOv3 (You Only Look Once) and Streamlit. The application allows users to upload an image and detect helmets in real-time. The system uses OpenCV and pre-trained YOLOv3 weights to identify helmets in uploaded images, displaying the results with bounding boxes and confidence scores.

artificial-intelligence datascience deep-neural-networks helmet-detection image-processing machine-learning modeling opencv streamlit-dashboard yolov3

Last synced: 15 Nov 2024

https://github.com/ahmad-ali-rafique/weather-prediction-fcnn

This project demonstrates a complete pipeline for weather prediction using a Fully Connected Neural Network (FCNN). The project is implemented in Python using Jupyter Notebook, and it covers data loading, preprocessing, model training, and performance evaluation.

ai artificial-intelligence data-analysis data-science deep-learning deep-neural-networks fully-connected-network machine-learning machine-learning-algorithms weather-information

Last synced: 15 Nov 2024

https://github.com/ahammadmejbah/fundamental-concepts-and-architectures-of-neural-network

Neural Networks are a set of algorithms, modeled loosely after the human brain, designed to recognize patterns. They interpret sensory data through a kind of machine perception, labeling, and clustering of raw input.

deep-learning deep-learning-algorithms deep-neural-networks deep-reinforcement-learning

Last synced: 09 Jan 2025

https://github.com/apal21/tensorflow-pima-indians-dataset-classification

Pima Indians Dataset classification using Tensorflow Linear Classifier and DNN Classifier.

classification deep-neural-networks kaggle linear-classifier pandas pima-indians-dataset scikit-learn tensorflow

Last synced: 31 Dec 2024

https://github.com/0xdaksh/loanclassifier

A Dead Accurate Deep Learning Algorithm that Can classify if you'll take loan or not.

classifier deep-learning deep-neural-networks keras neural-network python python35

Last synced: 17 Nov 2024

https://github.com/dhrupad17/100-days-of-deep-learning

Its the practice repository covering all the concepts @campusx-official has covered in his playlist in much detailed way.

cnn deep-learning deep-neural-networks lstm-neural-networks mlp-networks perceptron rnn

Last synced: 15 Nov 2024

https://github.com/dhrupad17/understanding-deep-learning-through-projects

This repository encapsulates a hands-on approach to mastering the intricate concepts of deep learning. Through practical engagement with real-world projects, learners immerse themselves in the nuances of neural networks, optimization techniques, and model architectures. This methodology fosters a profound comprehensio

artificial-neural-networks convolutional-neural-networks deep-learning deep-neural-networks lstm-neural-networks project-repository recurrent-neural-networks

Last synced: 15 Nov 2024

https://github.com/data-pioneer/mlops-name-entity-recognition-end-to-end-main

Implementation of MLops pipeline for Named Entity Recognition (NER) using pretrained Huggingface BERT transformer based model, further use CircleCI CI/CD tool for deployment on google cloud platform by using Docker image, Flask front end interface.

artifact-registry bert-fine-tuning circleci deep-neural-networks docker-image flask-application google-cloud huggingface-transformers pythin3

Last synced: 17 Nov 2024

https://github.com/hayatiyrtgl/lstm_time_seriesv2

The code downloads Microsoft stock data, preprocesses it, builds and trains a deep learning model, and visualizes predictions.

analyzer deep-learning deep-neural-networks forecasting lstm pandas python time-series

Last synced: 22 Dec 2024

https://github.com/hackintoshrao/tensorflow-income-bracket

Predicting whether the income > 50K based on the information about the individuals.

classification deep-learning deep-neural-networks tensorflow

Last synced: 12 Jan 2025

https://github.com/pegah-ardehkhani/predictive-maintenance-using-ml

A machine learning project for predictive maintenance, designed to forecast equipment failures and optimize maintenance schedules to reduce downtime and operational costs

adaboost decision-tree deep-learning deep-neural-networks feature-importance knn logistic-regression machine-learning machine-learning-algorithms matplotlib numpy pandas plotly predictive-maintenance random-forest seaborn sklearn stacking svm tensorflow

Last synced: 17 Nov 2024

https://github.com/bottomsnode/plateai-indian-license-plate-detection-master

PlateAI is a state-of-the-art ALPR system employing AI and machine learning to detect and recognize license plates from images or video streams in real-time. It offers robust, efficient, and scalable performance, catering to diverse applications with high accuracy and reliability.

artificial-intelligence-algorithms artificial-neural-networks deep-learning deep-neural-networks image-processing machine-learning

Last synced: 17 Nov 2024

https://github.com/ivanrj7j/super-cars-vs-suvs

This is a deep neural network that looks at an images of cars and then classify them as suv and supercars

cnn deep-learning deep-neural-networks image-classification machine-learning

Last synced: 22 Dec 2024

https://github.com/utility-code/sprintdl

pytorch wrapper for easier experimentation

deep-learning deep-neural-networks pytorch

Last synced: 20 Nov 2024

https://github.com/debasish-dutta/handwritten-digit-classifier

A web-app based on a handwritten digit recognizer TF model and its neural network created from scratch and is deployed using a web-app with tensorflow.js

deep-neural-networks tensorboard-mnist-digit tensorflow2

Last synced: 18 Nov 2024

https://github.com/sreecharanv/generating-realistic-and-diverse-textual-movie-reviews-with-imdb-dataset-leveraging-deep-learning

This project uses GPT-2 to generate realistic movie reviews from the IMDb dataset. By preprocessing data and fine-tuning the model, we achieved human-like text quality. The model's reviews were evaluated for coherence and diversity, showcasing GPT-2's potential in automated text generation.

deep-learning deep-neural-networks gpt-2 large-language-models machine-learning movie-reviews natural-language-processing text-generation

Last synced: 30 Nov 2024

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: 18 Nov 2024

https://github.com/aravinda-1402/cotton_disease_prediction

Deep Learning model to detect a diseased cotton plant

cnn deep-neural-networks python3

Last synced: 18 Nov 2024

https://github.com/suwadith/footy-predictor-football-match-prediction-tensorflow-fastapi-plugin

A Deep-Learning (Tensorflow) based project which can be used to predict weekly EPL match results. Uses FastAPI as the backend to feed the results to a Chrome based plugin which then modifies the SkySports website to convey the predicted outcomes.

api chrome-extension deep-learning deep-neural-networks fastapi football prediction tensorflow

Last synced: 13 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: 20 Nov 2024

https://github.com/prpriesler/covid19-insights-and-analytics

This project delves into the realm of data analytics and programming, focusing on four pivotal datasets related to the COVID-19 pandemic: confirmed global, death global, vaccination & population data, and Twitter data.

covid19 covid19-data data data-science dataanalytics deep-neural-networks machine-learning natural-language-processing

Last synced: 28 Dec 2024

https://github.com/mawadamhd/deep-learning-with-keras-and-tensorflow-course

This repository Course materials for Deep Learning with Keras and TensorFlow course. This repository includes Jupyter notebooks, datasets, assignments, and solutions .

deep-learning deep-neural-networks keras keras-tensorflow tensorflow

Last synced: 07 Dec 2024

https://github.com/gkouros/cs231n-spring2018-assignments

Spring 2018 Assignments for the "Convolutional Neural Networks for Visual Recognition (cs231n)" course from Stanford University

cnn-for-visual-recognition deep-learning deep-neural-networks generative-adversarial-networks lstm-neural-networks recurrent-neural-networks stanford-cs231n

Last synced: 01 Dec 2024

https://github.com/hemanthh17/ct5129-thesis-image-dehazing

ClearFlow: An Enhanced Image Dehazing Workflow Using Model Ensembling and CNN Postprocessing. This project is aimed to train a neural network to handle the task of image dehazing.

computer-vision deep-learning deep-neural-networks torch torchvision

Last synced: 21 Nov 2024

https://github.com/natielle/udemy-tensorflowcompython

Material de estudo do curso: https://www.udemy.com/course/tensorflow-machine-learning-deep-learning-python/learn/lecture/12670278#overview

deep-learning deep-neural-networks deeplearning python tensorflow

Last synced: 21 Nov 2024

https://github.com/t-mohamed-shafeek/vgg16-for-malware-classification

This is a Research project which introduces an AI approach which is Deep Neural Networks in this case, to detect and classify different malwares belonging to various families represented as images.

classification cnn deep-learning deep-neural-networks fine-tuning hyperparameter-tuning malware-research supervised-learning transfer-learning vgg16

Last synced: 14 Dec 2024

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 Nov 2024

https://github.com/aryanjain28/blog---linear-regression

My first blog explains the concepts of linear regression that are the first steps towards advanced ML/AI.

blog blogs deep-learning deep-learning-blog deep-neural-networks deeplearning linear-regression linear-regression-blog machine-learning machine-learning-blogs ml-blog

Last synced: 01 Dec 2024

https://github.com/aryanjain28/blog---r-cnn-fast-r-cnn-faster-r-cnn

Easy explanation on different object detection approaches like - R-CNN, Fast R-CNN, and Faster R-CNN.

blog blogs deep-learning deep-neural-networks deeplearning fast-r-cnn faster-rcnn machine-learning machine-learning-algorithms r-cnn

Last synced: 01 Dec 2024

https://github.com/ahmad-ali-rafique/batch-card-detection-app

A deep learning-based Streamlit app to detect if a person is wearing a batch card, built with TensorFlow. Includes trained model, app interface, and deployment guide.

ai artificial-intelligence carddetection deep-neural-networks streamlit-dashboard tensorflow

Last synced: 15 Dec 2024

https://github.com/margaretkhendre/nonprofit-funding-vs-deep-learning-challenge

In this repository, Google Colab is paired with neural networks and deep learning to examine data from the nonprofit, Alphabet Soup. This nonprofit desires a tool that can help it select applicants for funding, so a binary classifier will be created to predict whether applicants will be successful if funded by Alphabet Soup.

colab-notebook deep-neural-networks deeplearning jupyter-notebook neural-networks pandas standardscaler tensorflow

Last synced: 09 Jan 2025

https://github.com/raufjatoi/handwritten-character-recognition

Handwritten character recognition system that can recognize various handwritten characters or alphabets. I will extend this to recognize entire words or sentences.

deep-learning deep-neural-networks machine-learning mnist-handwriting-recognition

Last synced: 25 Nov 2024

https://github.com/blacksujit/sentiment-analysis

This project is a sentiment analysis model built to classify IMDB movie reviews as either positive or negative using the **IMDB dataset**. It uses various machine learning models and deep learning techniques to handle the text data.

challenge deep-learning deep-neural-networks lstm-neural-networks model-accuracy nlp nlp-datasets nlp-machine-learning polarity-integration proficient rqs score sentiment-analysis sentiment-classification

Last synced: 01 Dec 2024

https://github.com/rani-sikdar/tensorflow-learning

A comprehensive repository for learning TensorFlow, featuring code examples, projects, and resources. Covers concepts from beginner to advanced, including neural networks, CNNs, RNNs, NLP, and deployment. Ideal for students, developers, and AI enthusiasts.

artificial-neural-networks convolutional-neural-networks deep-learning deep-neural-networks machine-learning pytorch recurrent-neural-networks tensorflow tensorflow-models

Last synced: 25 Nov 2024

https://github.com/alex-lechner/carnd-semanticsegmentation-p12

An approach for pixel-based classification of drivable parts of the road (known as Semantic Segmentation). Project 12 of Udacity's Self-Driving Car Engineer Nanodegree Program.

autonomous-vehicles deep-learning deep-neural-networks deeplearning fully-convolutional-networks self-driving-car semantic-segmentation tensorflow

Last synced: 22 Nov 2024

https://github.com/alex-lechner/carnd-behavioralcloning-p3

Driving a car around a track in Udacity's car simulator only with image data and neural networks. Project 3 of Udacity's Self-Driving Car Engineer Nanodegree Program.

autonomous-vehicles behavioral-cloning convolutional-neural-networks deep-learning deep-neural-networks keras keras-neural-networks self-driving-car udacity-self-driving-car

Last synced: 22 Nov 2024

https://github.com/valeman/udacity-self-driving-car-traffic-signs-classifier-p2

My project pipeline for the Udacity Self-Driving-Car Nanodegree program's Project 2 - Traffic Sign Classifier

convolutional-neural-networks deep-learning deep-neural-networks machine-vision pyton self-driving-car tensorflow

Last synced: 22 Nov 2024

https://github.com/jkevin2010/deep-learning-and-early-dementia-detection

Development of new interpretable deep learning frameworks for the early detection of Alzheimer's Disease and Related Dementias (ADRD)

alzheimer-disease-prediction chaos-theory deep-neural-networks dementia-detection

Last synced: 15 Dec 2024

https://github.com/rishikesh-jadhav/robot-learning

This repository contains my solutions and code submissions for assignments and projects completed as part of ENPM690 during Spring 2024. Each assignment is organized in its own folder, with accompanying documentation and any necessary resources.

computer-vision deep-learning deep-neural-networks imitation-learning machine-learning reinforcement-learning robotics

Last synced: 22 Nov 2024

https://github.com/asaficontact/stack_classifier_project

We classified Stack Overflow Python questions from 2008-2016 with Natural Language Processing and Deep Learning. Using Regular Expressions, we removed HTML tags and punctuation. We also utilized spaCy to tokenize, lemmatize and remove stop words. Using Keras, we built a 4 layered artificial neural network with a 20% dropout rate using relu and softmax activation functions. We also utilized the adam optimizer and categorical cross-entropy loss function which classified 11 tags 88% successfully.

cross-entropy-loss deep-learning deep-neural-networks keras lemmatization neural-networks object-oriented-programming pandas python3 regular-expressions relu sklearn spacy spacy-nlp stackoverflow tfidf tokenization

Last synced: 22 Dec 2024

https://github.com/zara5961/deep-learning-challenge

This project focuses on building and optimizing a deep learning neural network to predict the success of applicants funded by Alphabet Soup Charity.

deep-machine-learning deep-neural-networks python skicit-learn tensorflow

Last synced: 22 Nov 2024

https://github.com/vutrong826/yolov8-tumor-segmentation

Brain tumor segmentation using YOLO architecture for fast and accurate detection.

deep-learning deep-neural-networks python pytorch segmentation tensorflow tumor-segmentation yolo yolov8 you-only-look-once

Last synced: 03 Dec 2024

https://github.com/harikishan-ai/harikishan-ai

I am dedicated to delivering innovative solutions that align with business objectives while ensuring optimal performance, reliability, and security. My strong analytical skills, attention to detail, and problem-solving abilities drive me to create effective and efficient solutions.

analystics automation aws-ec2 aws-lambda aws-s3 awsglue cnn deep-neural-networks logs lstm machine-learning oops-in-python powerbi python rnn transformers

Last synced: 25 Nov 2024

https://github.com/sathvik902/master-chef

A Deep Learning model which predicts the Indian Recipe from the ingredients we have in our home.

deep-neural-networks lstm

Last synced: 26 Nov 2024

https://github.com/coreyjs/bike-sharing-neural-network

Part of Udacity's deep learning program. This is a simple neural network to predict bike ridership trends.

deep-learning deep-neural-networks machine-learning machinelearning ml neural-network neural-networks python udacity

Last synced: 22 Dec 2024

https://github.com/coreyjs/dog-breed-classifier

A transfer learning neural network to classify dog breeds.

classification deep-learning deep-neural-networks machine-learning ml

Last synced: 22 Dec 2024

https://github.com/stifler7/rl-for-game-ai

Game Artificial Intelligence with Reinforcement Learning This project provides experience in applying techniques of RL to game artificial intelligence. It shall demonstrate several RL algorithms- specifically Q-learning and deep Q-networks (DQN)- to game environments.

deep-learning deep-neural-networks deep-reinforcement-learning machine-learning

Last synced: 01 Dec 2024

https://github.com/gilbertocunha/lip-hepmetalearning

A repository that applies the Meta-SGD algorithm to High Energy Physics in Signal vs Background classification and studies the applicability of such methods.

deep-neural-networks hep metalearning

Last synced: 02 Dec 2024

https://github.com/gilbertocunha/lhc-vlq-classifier

A Deep Learning Neural Network that classifies Vector Like Quarks from background events using generated collider data

deep-neural-networks monte-carlo-dropout particle-physics quarks

Last synced: 02 Dec 2024

https://github.com/kartikchugh/deepneuralnetworks

A Java library for building, training, and testing deep learning neural networks

deep-learning deep-neural-networks machine-learning neural-network neural-networks

Last synced: 15 Dec 2024

https://github.com/kartikchugh/neural-energy

Deep Neural Networks applied to representations of potential energy surfaces

deep-learning deep-neural-networks materials-science potential-energy-surfaces

Last synced: 15 Dec 2024

https://github.com/vidhi1290/cyclegan-implementation-for-image-to-image-translation

🖼️ Our CycleGAN Implementation for Image-to-Image Translation project leverages PyTorch to seamlessly transform images between domains, all without paired examples. With a keen focus on innovation and effectiveness, we've explored CycleGAN's capabilities across various domains. Join us as we delve into the world of image translation technology! 🚀

artificial-intelligence cycle-gan deep-learning deep-neural-networks gan github-config machine-learning numpy pillow python pytorch torchvision unsupervised-learning

Last synced: 08 Dec 2024

https://github.com/blacksujit/deep-learning-specialization-repo

This repo contains the neural networks learning's with tensorflow with all the high level deep learning concepts i am learning with project implementation

deep deep-layers deep-learning deep-neural-networks embeddings-word2vec llvm network-embeddings neural-network transformers-layers transformers-models vision-language-model

Last synced: 15 Dec 2024

https://github.com/sylvia-ai-lab/dr.-sylvia-s-ai--engineering-lab-codeshare

The code has explanations in YOUTUBE Ph.D.(c) Sylvia's AI & Engineering Lab Series 3 MATLAB — ideal for a quick start..

ai batterydegradation deep-neural-networks matlab

Last synced: 27 Nov 2024

https://github.com/ssinad/evolution-strategies-tensorflow

Using evolution strategies as Non-differentiable loss function in a neural network

convolutional-neural-networks deep-learning deep-neural-networks

Last synced: 02 Dec 2024

https://github.com/wa-lead/virtual_screnning_using_cnns

Using Chemception to predict the activity of molecules against aid_686978. Taking this further to visualize kernels decision process through Grad-CAM.

deep-neural-networks drug python tensorflow

Last synced: 28 Nov 2024

https://github.com/arssite/dirty-cleanflooringimageprocessingusingyolov5

Uses YOLOv5 to classify floor cleanliness into five categories based on visual cues. It includes an annotated dataset, trained model,& evaluation outputs. Code covers data preprocessing, training, & testing. A comparative analysis highlights YOLOv5's advantages over traditional methods, providing an efficient solution automated floor cleanliness.

deep-neural-networks github google-colab jupyter-notebook labelimg matplotlib-pyplot numpy-library opencv-python pandas-python pytorch scikit-learn tensorflow yolov5

Last synced: 05 Dec 2024

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/nazir20/gender-classification-using-mfcc-with-lstm-model

Gender classification from audio signals is an important task with various applications, such as speech recognition systems, voice assistants, and speaker verification. This project aims to demonstrate how to use Mel Frequency Cepstral Coefficients as features and a Long Short-Term Memory (LSTM) neural network for gender classification.

audio-processing deep-learning deep-neural-networks gender-classification lstm lstm-neural-networks mfcc mfcc-extractor neural-networks

Last synced: 28 Nov 2024

https://github.com/arpan132002/fitness-tracker-using-smart-watches

This repository contains the code for a full machine learning project that tracks fitness activities. The project demonstrates the process of building a fitness tracker using Python and machine learning techniques

deep-neural-networks machine-learning outlier-detection

Last synced: 03 Dec 2024

https://github.com/nightmachinery/mlp_from_scratch

A simple MLP using only numpy. The computational graph is not automatically tracked, but the network supports arbitrarily many batch axes.

deep-learning deep-neural-networks deeplearning educational mlp mlp-classifier mlp-networks numpy

Last synced: 31 Dec 2024