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/angelognazzo/Reliable-Trustworthy-AI

Repository for the Reliable and Trustworthy AI course offered in Fall 2022 at ETH Zürich: implementation of DeepPoly, Robustness Analyzer for Deep Neural Networks

computer-vision deep-learning deep-neural-networks reliable-ai robust-machine-learning

Last synced: 17 Nov 2024

https://github.com/chaitanyac22/multi-input-multi-output-mnist-image-digit-and-summed-output-classification

The goal of this project is to build a neural network that takes an MNIST handwritten digit (0-9) image and a random number (digit 0-9) as inputs and returns the predicted class label (0-9) for the input image and its addition (sum) with the input random number as summed output (range 0-18) label as outputs.

cnn-classification data-visualization deep-neural-networks exploratory-data-analysis functional-api image-data-generator image-processing keras mnist-classification model-building model-evaluation multi-inputs multi-outputs python3 tensorflow

Last synced: 01 Feb 2025

https://github.com/ali-el-badry/pothole-detection

A deep learning-based project for detecting potholes in road surfaces using computer vision. Utilizes YOLO models for accurate, real-time pothole detection from images and videos, with a custom dataset and data augmentation techniques. Ideal for applications in road maintenance, autonomous vehicles, and insurance assessments.

deep-learning deep-neural-networks object-detection pothole-detection potholes yolo

Last synced: 01 Feb 2025

https://github.com/codewithashim/face-recognition-system

The Face Recognition System is a cutting-edge software application powered by state-of-the-art machine learning techniques. Experience accurate identification and verification of human faces in images and real-time video streams.

access-control biometrics codewithahsim deep-neural-networks face-recognition facial-detection facial-identification opencv opencv-python python python-3 real-time-face-recognition scalable-face-recognition security security-tools surveillance

Last synced: 01 Feb 2025

https://github.com/basemax/deepsummarizationnlp

In deep learning NLP, using a model we are trying to summarization the text.

deep-learning deep-neural-networks neural-network python summarization summarization-algorithm summarization-dataset

Last synced: 09 Feb 2025

https://github.com/wilhelmagren/pychess

Terminal User Interface for playing chess. Either against your friend or the Deep CNN limited look ahead agent.

ai autoencoder chess classification convolutional-neural-networks deep-learning deep-neural-networks machine-learning pygame python-chess pytorch regression

Last synced: 08 Feb 2025

https://github.com/markus28/ml-library

Java Implementation of Machine-Learning Algorithms

classification clustering deep-learning deep-neural-networks kmeans machine-learning

Last synced: 26 Jan 2025

https://github.com/m0hc3n/happy-or-sad-detection-deep-learning-model

This is a simple deep learning model to detect whether a person is happy or sad.

body-recognition convolutions deep-learning deep-neural-networks face-recognition-opencv

Last synced: 08 Jan 2025

https://github.com/ondrejbiza/vae

Variational autoencoders implemented in Tensorflow.

deep-learning deep-neural-networks tensorflow variational-autoencoders vq-vae

Last synced: 08 Jan 2025

https://github.com/alejandromeyer/images-and-deep-learning

Exercise of image creation with Deep Learning. Artificial neurons.

deep-learning deep-neural-networks image-processing

Last synced: 09 Feb 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/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

https://github.com/ardawanism/a-tour-of-pytorch

In this repo, an introductory tutorial on PyTorch is provided. You can learn about the basics of PyTorch alongside defining and training deep neural networks consisting of different layer types such as fully-connected, convolutional, and etc.

convolutional-neural-networks deep-learning deep-neural-networks deeplearning multilayer-perceptron neural-network neural-networks pytorch pytorch-tutorial

Last synced: 09 Feb 2025

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/chengetanaim/customer-churn-prediction

Customer churn is the loss of customers or subscribers for any reason at all. In this project I was predicting customer churn using artificial neural networks.

artificial-neural-networks deep-learning deep-neural-networks keras machine-learning pandas pandas-dataframe tensorflow2

Last synced: 23 Dec 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 Jan 2025

https://github.com/kowshik24/predictstock

🚀 StockSage: Predicting Tomorrow's Stocks, Today! 🌌 Dive deep into the future of stock prices with StockSage! Powered by LSTM networks, this repository is a treasure trove for those looking to explore the intricacies of stock price predictions. 📈✨ 🔗 Live App: https://stocksage.streamlit.app/

data-science data-visualization deep-neural-networks lstm stock-market streamlit tensorflow

Last synced: 06 Feb 2025

https://github.com/ardawanism/mlp-mixer-an-all-mlp-architecture-for-vision

In this repository, a very informative and comprehensive implementation of MLP-Mixer is provided for educational purposes using PyTorch.

computer-vision deep-learning deep-neural-networks fully-connected-network machinevision mlp mlp-mixer

Last synced: 20 Jan 2025

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: 25 Jan 2025

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 Jan 2025

https://github.com/hari9-9/captcha-solver

A Scalable CAPTCHA solving Solution using CNN's

captcha-solver deep-neural-networks scalability tensorflow tf-lite

Last synced: 09 Feb 2025

https://github.com/ardawanism/convmixer-patches-are-all-you-need

In this repository, a very informative and comprehensive implementation of ConvMixer architecture is provided for educational purposes using PyTorch.

cnns computer-vision convmixer convolutional-neural-networks deep-learning deep-neural-networks machinevision

Last synced: 20 Jan 2025

https://github.com/ardawanism/autoencoder_ml_kntu_spring2024

In this repo, a clean and efficient implementation of Fully-Connected or Dense Autoencoder is provided. The code alongside the video content are created for Machine Learning course instructed at Khajeh Nasir Toosi University of Technology (KNTU).

autoencoder autoencoder-neural-network autoencoders deep-learning deep-neural-networks machine-learning

Last synced: 20 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/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: 07 Feb 2025

https://github.com/rsn601kri/quantum_reservoir_modeling

Quantum Reservoir Computing (QRC) algorithm to address credit risk modeling use any quantum software development kit (SDK) or quantum processing unit (QPU).

deep-neural-networks python quantum-computing random-generation reservoir-computing

Last synced: 27 Dec 2024

https://github.com/tariqdaouda/abyme

Fractals for Deep and Sophisticated (Training) Loops

deep-learning deep-neural-networks deeplearning

Last synced: 01 Jan 2025

https://github.com/celiabenquet/iaprproject

Image Analysis and Pattern Recognition

deep-neural-networks image-recognition

Last synced: 03 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/ddubeyyy/caption_generator

An AI-powered image caption generator using deep learning techniques to automatically generate descriptive captions for images. Utilizes CNNs for feature extraction and RNNs for sequence prediction.

cnn deep-neural-networks keras-tensorflow nlp-machine-learning rnn-tensorflow tensorflow vgg16

Last synced: 01 Feb 2025

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

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

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

Last synced: 02 Feb 2025

https://github.com/wasay8/automatedgarbageimageclassifier

Implementation of CNN models(Resnet-34 and Resnet-50) to classify garbage images into 6 major categories for sustainable development and its disposability.

computer-vision deep-learning deep-neural-networks feature-engineering image-processing unstructured-data

Last synced: 01 Feb 2025

https://github.com/andredarcie/chatbot-tensorflow

Chatbot desenvolvido em Tensorflow para responder perguntas do Stackoverflow sobre Python

data-science deep-learning deep-neural-networks kaggle machine-learning python stackoverflow tensorflow text-mining

Last synced: 09 Jan 2025

https://github.com/maosong2022/tinyneuralnetwork

A simply C++ implemented neural networks

cpp cpp17 deep-learning deep-neural-networks

Last synced: 22 Jan 2025

https://github.com/robmesseng/mlop_2.0

Proyecto de predicción de imagen mediante Deep Learning, control de versiones con git, control de data con DVC, exportación de modelos con ONNX, uso de FastAPI y uso de Docker para paquetizar. Despliegue en Azure App Services

azure-app-service deep-neural-networks dlops dvc machine-learning mlops pytorch-lightning weights-and-biases

Last synced: 09 Feb 2025

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/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/aiaaee/california_housing

It's about California House value. the goal is find a great method to assemble reasonable train test based on MLP regression by using torch

data-science datasets deep-learning deep-neural-networks machine-learning machine-learning-algorithms python

Last synced: 23 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/camara94/face_recognition

In this project, will learn the concept to implement face recognition problem.

deep-learning deep-neural-networks face-detection face-recognition machine-learning tensorflow2

Last synced: 23 Dec 2024

https://github.com/volf52/deep-neural-net

A simple deep neural net class written to work with Numpy and Cupy

binarized-neural-networks binary-neural-networks bnn cupy deep-learning deep-neural-networks mnist numpy python python3

Last synced: 01 Feb 2025

https://github.com/crispengari/ml-utils

💎 This repository contains some helper functions that helps you speed your machine learning code everyday. It also contains some useful basic knowledge about machine learning, it's behavior, how it started etc. It's a bag of machine learning things basically.

deep-learning deep-neural-networks machine-learning utils

Last synced: 09 Feb 2025

https://github.com/crispengari/nmt

🎗 Neural Machine Translation (nmt) repository contains an end-to-end deep artificial neural network for machine translation and language identification based on south-african-languages.

api artificial-intelligence artificial-neural-networks datascience deep-learning deep-neural-networks flask graphql javascript json jupyter-notebook machine-learning natural-language-processing nlp nmt nueral-machine-translation python rest-api tweepy

Last synced: 09 Feb 2025

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: 07 Feb 2025

https://github.com/krishna-smapca/neural-network-using-pytorch

This repo contains the implemention of few neural network on Fashion Mnist Dataset, designed for Multi-Class classification

ai ann artificial-intelligence classification deep-neural-networks machine-learning neural-networks python3 pytorch pytorch-implementation

Last synced: 11 Feb 2025

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: 08 Feb 2025

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

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

cnn deep-learning deep-neural-networks python python3 segmentation tumor-segmentation yolov8 you-only-look-once

Last synced: 09 Feb 2025

https://github.com/asim-2000/kaggling

This repository contains source code of the kaggle competitions in which I participated

deep-learning deep-neural-networks kaggle-competition machine-learning reinforcement-learning

Last synced: 10 Jan 2025

https://github.com/aryansinghiiit/imagedetection

A generic image detection program that uses Google's Machine Learning library, Tensorflow and a pre-trained Deep Learning Convolutional Neural Network model called Inception. Topics

convolutional-neural-networks deep-learning deep-neural-networks image-detection tensorflow

Last synced: 24 Jan 2025

https://github.com/heet9022/ye-kiski-tasweer-hai

A platform for training, labeling and retraining image classification models.

deep-neural-networks image-classification platform resnet

Last synced: 06 Feb 2025

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

Sentiment analysis is the automated process of understanding an opinion about a given subject from written or spoken language. Implemented using RNN

deep-neural-networks machine-learning python

Last synced: 01 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/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/malolm/educationnal-neural-network-framework

Python implementation of an artificial neural network aimed at deeply mastering the underlying concepts that drive neural networks. This project is inspired by Andrej Karpathy and Russ Salakhutdinov.

deep-neural-networks mnist-classification python3

Last synced: 13 Dec 2024