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/zubair-irshad/udacity_deep_rl

My solutions (with explanations) to the Udacity Deep Reinforcement Learning Nano Degree Program assignments, mini-projects and projects

ddpg-algorithm deep-neural-networks deep-q-network deep-reinforcement-learning dqn ppo pytorch reinforcement-learning unity-ml-agents

Last synced: 16 Nov 2024

https://github.com/motykatomasz/deepimageprior

Project reproducing part of "Deep Image Prior" paper, conducted for Deep Learning course (CS4240) at TU Delft.

cnn deep-learning deep-neural-networks pytorch

Last synced: 15 Dec 2024

https://github.com/sebukpor/breast-cancer-classification

this model classifies breast cancer as either benign or malignant

deep-learning deep-neural-networks tensorflow tensorflowjs

Last synced: 22 Dec 2024

https://github.com/shashwat9kumar/covid_face_mask_detection

Detecting whether a person in the picture has face mask on or not using a convolutional neural network

cnn covid19 deep-learning deep-neural-networks face-detection mask-detection tensorflow

Last synced: 12 Jan 2025

https://github.com/pritz69/wine_quality_prediction_ml

Neural Networks and Deep Learning Project ,developing a Machine Learning Model .

artificial-intelligence deep-learning deep-neural-networks machine-learning neural-networks

Last synced: 11 Jan 2025

https://github.com/phyulwin/machine-learning-with-python-projects

Projects for Machine Learning with Python freeCodeCamp (Updated Solution in Progress... 🌿)

deep-neural-networks google-colab machine-learning python tensorflow

Last synced: 30 Dec 2024

https://github.com/himudigonda/digits-recognition

This project uses ML and keras modules to recognise digits from the given dataset.

deep-learning deep-neural-networks digit-recognizer jupyter-notebook keras tensorflow

Last synced: 15 Nov 2024

https://github.com/redleader962/une-intuition-sur-rudder

Ressources pour la présentation orale: "Une intuition sur RUDDER (Return Decomposition for Delayed Rewards)"

deep-learning deep-neural-networks deep-reinforcement-learning neural-network reward-shaping

Last synced: 24 Dec 2024

https://github.com/danhenriquex/data_science_and_machine_learning

A.I, Data Science & Machine Learning and Deep Learning with Tensorflow

deep-learning deep-neural-networks machine-learning matplotlib numpy pandas tensorflow

Last synced: 14 Jan 2025

https://github.com/hawmex/deep_learning_content

This repository contains my teaching material as a teaching assistant for the "Artificial Intelligence" course at AUT (Tehran Polytechnic).

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

Last synced: 29 Dec 2024

https://github.com/sensorsini/pycaffejaer

A collection of utilities useful to debug deep-networks trained with Caffe Deep Learning Framework. This utilities can also be used to convert caffe networks into jAER xml format

deep-learning deep-neural-networks machine-vision sensors

Last synced: 19 Nov 2024

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

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/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 Nov 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/rahulbhoyar1995/ner-case-study

This repositiry contains the code for Case study of "Named-Entity Recognition" in Natural Language Processing.

deep-neural-networks natural-language-processing ner

Last synced: 15 Nov 2024

https://github.com/rahulbhoyar1995/coursera-ml-specialisation-certification

Explore my journey through the Coursera Machine Learning Specialization with this repository. Access practice materials, code implementations, and learning notes to enhance your understanding of machine learning concepts.

deep-learning deep-neural-networks machine-learning machine-learning-algorithms python3 reinforcement-learning-algorithms supervised-learning unsupervised-learning

Last synced: 15 Nov 2024

https://github.com/bilalhameed248/nlp-fake-news-classification

Fake News Classification using Naive Bayes, Passive-Aggressive (PA) Classifier and Artificia Neural Network (ANN)

artificial-neural-networks deep-learning deep-neural-networks embeddings machine-learning naive-bayes-classifier nlp nlp-basic passive-aggressive-classifier

Last synced: 15 Nov 2024

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/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/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/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/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/qasimwani/dqn-openai

Using DQN (Deep Q Network) to develop a DRL (Deep Reinforcement Learning) agent to solve LunarLander environment in OpenAI gym.

deep-neural-networks dqn keras-tensorflow openai-gym reinforcement-learning

Last synced: 27 Dec 2024

https://github.com/angrybayblade/nnviz

📊 NNViz is interactive visualization tool for Tensorflow made neural networks.

artificial-intelligence artificial-neural-networks deep-neural-networks interpretable-machine-learning tensorflow visualization-tools

Last synced: 16 Dec 2024

https://github.com/zaquyn/tensorflow-developer-certificate-bootcamp

These notebooks contain many foundations in TensorFlow from to fundamental to NLP, Computer Vision and Time series

artificial-intelligence deep-learning deep-neural-networks tensorflow tensorflow-tutorials tensorflow2

Last synced: 21 Dec 2024

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/techshot25/fashion-mnist-dnn

Testing the construction of deep neural nets (DNNs) on fashion MNIST dataset.

classification deep-neural-networks machine-learning-algorithms neural-network tensorflow tensorflow-experiments

Last synced: 21 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/yash-rewalia/emotion_detection_cnn_deep_learning

This project focuses on emotion detection using Convolutional Neural Networks (CNN), implementing and comparing four models: a custom CNN, a custom CNN with data augmentation, VGG16, and ResNet50v2 for accurate emotion recognition from images.

deep-learning deep-neural-networks emotion-detection keras machine-learning python tensorflow

Last synced: 21 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/george-nyamao/keras-cnn-mnist-tuning

This repository illustrates model tuning using the Keras MNIST dataset with CNN.

convolutional-neural-networks deep-learning deep-neural-networks keras-tensorflow mnist-dataset

Last synced: 06 Dec 2024

https://github.com/protyayofficial/imagecolorization

This project utilizes GANs for converting grayscale images to color, leveraging deep learning models to enhance colorization accuracy. It features customizable training pipelines, evaluation metrics, and supports further improvements with new models and techniques.

convolutional-neural-networks deep-learning deep-neural-networks generative-adversarial-network image-colorization image-generation pytorch

Last synced: 21 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