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/dilumdesilva/daugmentor

DAugmentor: Automating Generative Adversarial Network Tuning for Data Augmentation

data-generation deep-learning deep-neural-networks gan

Last synced: 28 Jan 2025

https://github.com/rakibhhridoy/ctscanpredictioncovid19-tensorflow

Classifying covid positive and negative cases in ct-scan images. Though the data is not large enough, it can be processed and make prediction from the model. Images are quite similar thus the task became much complicated.

cnn cnn-classification cnn-keras computer-vision covid-19 ctscan deep-learning deep-neural-networks image-classification image-processing keras machine-learning medical-image-analysis neural-network prognosis python

Last synced: 25 Dec 2024

https://github.com/jmaces/torch-adf

PyTorch implementation of Assumed Density Filtering (ADF) based probabilistic neural networks

deep-learning deep-neural-networks machine-learning probabilistic-models pytorch torch

Last synced: 03 Feb 2025

https://github.com/tanyachutani/neural-network-numpy

Neural Network (Multiple layers) from scratch using Numpy.

deep-neural-networks mnist neural-network neural-network-from-scratch numpy

Last synced: 10 Jan 2025

https://github.com/duartegalvao/image-colorization-with-deep-learning

This is a project for the DD2424 - Deep Learning in Data Science course in KTH (Royal Institute of Technology).

deep-learning deep-neural-networks gan python python3 tensorflow tensorflow-models turing-test unet

Last synced: 19 Jan 2025

https://github.com/shaheennabi/deep-learning-practices-and-mini-projects

Welcome to Deep Learning & Math with Python! πŸš€πŸ’₯ Here, we blend code and theory to build deep learning algorithms from scratch and explore the math behind them. 🧠⚑ Whether you're just starting or a seasoned pro, this space is all about learning, experimenting, and creating AI magic together! πŸ”₯πŸŽ† Let's code, learn, and innovate!

activation-functions backpropagation calculus deep-learning deep-neural-networks linear-algebra maths-behind-neural-network opencv pytorch tensorflow

Last synced: 14 Jan 2025

https://github.com/mkashirin/scratches

Scratches is a project, which provides a comprehensive guide to creating deep learning models from scratch using Python and NumPy.

artificial-intelligence artificial-neural-networks deep-learning deep-neural-networks from-scratch machine-learning machine-learning-algorithms numpy python

Last synced: 06 Nov 2024

https://github.com/vyomshm/image-classification-project

A convolution neural net to classify images from the CIFAR-10 dataset consisting of 60,000 images

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

Last synced: 27 Jan 2025

https://github.com/abidshafee/datascienceyoutubetutorials

This repository holding some python notebooks which I made to cast some of my practical data science projects on YouTube

cs cs-school data-science deep-learning deep-neural-networks machine-learning shafekul-abid video-tutorials youtube youtube-channel

Last synced: 15 Jan 2025

https://github.com/harshjuly12/deep-learning-approaches-for-enhanced-breast-cancer-detection

A deep learning project aimed at early detection of breast cancer by classifying tumors as benign or malignant based on features extracted from cell images. The project demonstrates data preprocessing, model training, and evaluation using various deep learning algorithms to achieve high accuracy in predictions.

aiml cnn deep-learning deep-neural-networks

Last synced: 12 Nov 2024

https://github.com/librauee/squirtle

To get the material of squirtle, which is one of the most famous emoticon. ι€šθΏ‡ζœΊε™¨ε­¦δΉ ηš„ζ–Ήζ³•θŽ·ε–ε…¨η½‘ζœ€ε…¨ηš„ζ°ε°ΌιΎŸθ‘¨ζƒ…εŒ…η΄ ζοΌ

deep-neural-networks emoticon machine-learning

Last synced: 02 Jan 2025

https://github.com/frankchen121212/RHSNet

Tensorflow and Keras implementation of RHSNet for recombination hotspot identification and quantification

computational-biology deep-neural-networks motif-discovery

Last synced: 28 Nov 2024

https://github.com/marcogdepinto/dogs-vs-cats

Deep learning to classify if a picture contains a Dog or a Cat using Python, OpenCV, Keras.

deep-learning deep-learning-tutorial deep-neural-networks image-classification keras numpy opencv python python3

Last synced: 06 Jan 2025

https://github.com/mozturan/mlanddl-withwebapp

Web app to perfom machine learning algorithms (both for regression and classification) on almost ready datasets.

decision-trees deep-learning deep-neural-networks heatmap linear-regression logistic-regression machine-learning streamlit web-application

Last synced: 23 Dec 2024

https://github.com/danmorales/fraud_detection

Modelagem para detecção de fraudes em cartáes de crédito

credit-card-fraud deep-learning deep-neural-networks fraud-detection fraud-prevention keras machine-learning python

Last synced: 27 Dec 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/gsauc3/pytorch-model-details

Package to visualize all the layer parameters of a deep learning model.

cnn-model deep-learning deep-neural-networks model-summary pytorch summary

Last synced: 30 Dec 2024

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/wodenwang820118/music_genre_multiclass_classification

The multiclass classification sometimes gets poor results. The repository attempts to use comet_ml to grid search and find the best hyperparameters and concatenate different models for training a better model. The goal is to classify the music genres.

deep-learning deep-neural-networks machine-learning multiclass-classification music-genre-classification

Last synced: 11 Jan 2025

https://github.com/yididiyan/learning-tensorflow

Code for Learning TensorFlow, A guide to building deep learning systems

deep-learning deep-neural-networks tensorflow

Last synced: 27 Jan 2025

https://github.com/rabbicse/face-app

A Face recognition system using TensorFlow.js for in-browser image processing and backend services powered by PyTorch, Qdrant, RetinaFace, ArcFace, and OpenCV for detection, embedding, and similarity matching. This setup ensures efficient, secure, and accurate facial recognition.

arcface deep-neural-networks docker docker-compose face-detection face-recognition machine-learning nextjs numpy opencv python pytorch react retinaface tensorflowjs typescript typescript-react

Last synced: 09 Jan 2025

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/rvats20/ml-scikit-learn

This repo contains notebooks to learn ML Models and apply them in real world problems.

artificial-intelligence classification deep-learning deep-neural-networks machine-learning machine-learning-algorithms notebook notebook-jupyter

Last synced: 06 Feb 2025

https://github.com/chaitanyak77/comparative-study-tensorflow-vs.-custom-neural-network-models

This repository presents a comprehensive comparative study that delves into the weights and biases of both inbuilt and custom-built Sequential Neural Network (SNN) models. The primary objective is to gain a deeper understanding of the differences and nuances between these two approaches.

custom-neural-network-training deep-neural-networks neural-network snn

Last synced: 16 Jan 2025

https://github.com/arif-miad/introduction-to-open-cv

Computer vision is a field of study focused on enabling computers to interpret and understand the visual world. OpenCV provides a comprehensive set of tools and algorithms for various tasks in computer vision, including image and video processing, object detection and tracking, facial recognition, augmented reality, and mor

data-science deep-neural-networks

Last synced: 14 Jan 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/cyrildever/neural-networks-and-deep-learning-in-golang

Code adaptation of "Neural Networks and Deep Learning" book in Go

deep-learning deep-neural-networks golang neural-networks

Last synced: 22 Jan 2025

https://github.com/cloaky233/binary-classifier-cnn

A Convolutional Neural Network (CNN) implementation using PyTorch and TensorFlow/Keras to classify images of cats and dogs. This project includes training scripts, model architectures, and instructions for easy setup and usage.

binaryclassification deep-learning deep-neural-networks pytorch

Last synced: 20 Jan 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/poodarchu/models.tf

papers implementation during learning dl and tensorflow.

deep-neural-networks tensorflow transfer-learning

Last synced: 28 Jan 2025

https://github.com/jpedrou/airplanes-classification

A Convolutional Neural Network (CNN) for classifying airplane types in images. The project distinguishes between commercial and military airplaines, using data sourced from Google Images.

classification convolutional-neural-networks data-science deep-learning deep-neural-networks keras tensorflow

Last synced: 13 Feb 2025

https://github.com/ivanbgd/udacity-deep-learning-nd101

My solutions to the Udacity Deep Learning Nanodegree Foundation ND101 on-line course, with some examples in C, beside Python (https://www.udacity.com/course/deep-learning-nanodegree-foundation--nd101)

c deep-learning deep-neural-networks jupyter-notebook miniflow neural-networks python tensorflow udacity udacity-deep-learning udacity-nanodegree

Last synced: 03 Feb 2025

https://github.com/clberube/gims

Command line interface for geospatial image segmentation

deep-neural-networks geospatial-analysis segmentation unet

Last synced: 21 Jan 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/vpanjeta/self-driving-car

A Program for the implementation of Udacity's nano degree on self driving cars

cnn cnn-keras computer-vision deep-learning deep-neural-networks self-driving-car udacity

Last synced: 28 Dec 2024

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/jash271/beans_disease_classifier

Classifier to predict whether a plant is infected if so which diseases does it have

cnn-keras deep-neural-networks image-classification tensorflow-tutorials tensorflow2 transfer-learning

Last synced: 24 Jan 2025

https://github.com/mohammad95labbaf/energyprediction-arima-transformer

This report investigates the energy consumption prediction using time series analysis and deep learning methodologies. The extracted features and implemented transformer model demonstrate a high predictive accuracy.

arima arma deep-learning deep-neural-networks deeplearning feature-extraction feature-selection lstm lstm-neural-networks prediction time-series time-series-analysis timeseries transformer

Last synced: 13 Jan 2025

https://github.com/daelsepara/deeplearningcpp

C++ Implementation of Machine Learning Toolbox (deep neural networks and convolutional neural networks)

convolutional-neural-networks deep-neural-networks machine-learning-toolbox

Last synced: 29 Dec 2024

https://github.com/paragghatage/artify

Artify is a Neural Style Transfer project that blends the artistic patterns of a style image with the content of another image using deep learning techniques. It leverages the VGG19 model to extract content and style features, enabling the creation of visually stunning artwork that merges textures, colors, and patterns from different sources.

art computer-vision deep-learning deep-neural-networks machine-learning

Last synced: 10 Feb 2025

https://github.com/coding-enthusiast9857/deep_learning_projects

Welcome to the Deep Learning Projects Repository! This repository is a collection of hands-on projects related to deep learning, covering a wide range of topics and applications.

ai ann cnn cv deep-learning deep-neural-networks dl gan image-processing keras ml nlp python pytorch rnn tensorflow transfer-learning

Last synced: 14 Jan 2025

https://github.com/m-pektas/identitysimilarity

This repository can help researchers who want to use face recognition in their research.

deep-learning deep-neural-networks face-recognition identity-loss loss loss-functions pytorch

Last synced: 11 Jan 2025

https://github.com/raphaelsenn/mnist-numpy

MNIST (Digits & Fashion) Neural Network (MLP) from scratch in raw NumPy, benchmarked against PyTorch.

deep-learning deep-neural-networks machine-learning mnist mnist-classification neural-network

Last synced: 10 Feb 2025

https://github.com/pathak-ashutosh/liver-segmentation

Segment liver using unet architecture. This was a project I did for a senior anonymously as his final year project during my undergrad.

biomedical-image-processing computer-vision deep-learning deep-neural-networks machine-learning neural-network segmentation unet-image-segmentation

Last synced: 02 Jan 2025

https://github.com/iamgmujtaba/gif-celeba

A complete guide on how to generate animated images by detecting character face and gender using the CNN model.

celeba cnn-classification cnn-keras deep-neural-networks keras keras-tensorflow

Last synced: 09 Feb 2025

https://github.com/iinjyi/hands-on-neural-networks

A series of hands-on notebooks for beginners in neural networks. [To be updated]

ai cnn computer-science deep-learning deep-neural-networks lstm maths neural-networks python pytorch rnn transfer-learning

Last synced: 30 Dec 2024

https://github.com/extwiii/ml-university.of.washington

Build Intelligent Applications - ML - University of Washington - Coursera

classification deep-learning deep-neural-networks machine-learning python regression svm washington-university

Last synced: 28 Jan 2025

https://github.com/travelxml/tensorflow-and-keras-sentiment-analysis-using-rnn

NLP: Sentiment Analysis using TensorFlow and Keras: This project implements a Recurrent Neural Network (RNN) to classify Amazon product reviews into different sentiment categories. It leverages text preprocessing, tokenization, and model training to predict the sentiment with high accuracy.

deep-learning deep-neural-networks deeplearning keras keras-tensorflow nlp rnn rnn-tensorflow sentiment-analysis tenserflow

Last synced: 13 Feb 2025

https://github.com/kevin-patyk/tensorflow-developer-course

This is the repository containing scripts and materials from the course TensorFlow Developer Certificate in 2023: Zero to Mastery on Udemy.

classification convolutional-neural-networks deep-learning deep-neural-networks machine-learning neural-network numpy pandas python recurrent-neural-networks regression tensorflow transfer-learning

Last synced: 06 Feb 2025

https://github.com/gokulnpc/fashion-mnist-gan

This script outlines the implementation of a Generative Adversarial Network (GAN) designed to generate fashion images using the Fashion MNIST dataset. The GAN consists of a generator and a discriminator, which are trained simultaneously in an adversarial manner.

deep-learning deep-neural-networks fashion-mnist generative-adversarial-network

Last synced: 02 Feb 2025

https://github.com/kalthommusa/stop-signs-application

Develop a custom classifier with PyTorch and transfer learning techniques to recognize stop signs, and then deploy it as a web application using Code Engine on IBM cloud.

cnn-classification cnn-model computer-vision convolutional-neural-networks deep-learning deep-neural-networks image-classification image-recognition python pytorch resnet-18 stop-sign-detection transfer-learning

Last synced: 17 Jan 2025

https://github.com/kalthommusa/face-mask-application

Develop a custom classifier with PyTorch and transfer learning techniques to recognize face masks, and then deploy it as a web application using Code Engine on IBM cloud.

cnn-classification cnn-model computer-vision convolutional-neural-networks deep-learning deep-neural-networks face-mask-classification image-classification image-recognition python pytorch resnet-18 transfer-learning

Last synced: 17 Jan 2025

https://github.com/autrainer/aucurriculum

A Curriculum Learning Toolkit for Deep Learning Tasks built on top of autrainer.

autrainer computer-audition computer-vision deep-learning deep-neural-networks pytorch

Last synced: 19 Nov 2024

https://github.com/spy16/cats-and-dogs

cats-and-dogs is a Convolutional Neural Network for classifying cats and dog pictures.

classification convolutional-neural-networks deep-neural-networks

Last synced: 01 Jan 2025

https://github.com/spy16/churn-prediction

Customer churn prediction using Deep Neural Network.

deep-neural-networks keras-neural-networks keras-tensorflow prediction-model

Last synced: 01 Jan 2025

https://github.com/veeqtoh/corossion-detection

Welcome to Underwater Corossion Detection! In this project, I will use Python to manipulate complex data streams (mainly images) and present classification results based on state-of-the-art machine learning methods.

deep-learning deep-neural-networks image-classification image-processing image-recognition

Last synced: 29 Jan 2025

https://github.com/justanhduc/spatial-transformer-network

A Theano implementation of the paper "Spatial Transformer Networks" by Jaderberg et al..

computer-vision deep-learning deep-neural-networks spatial-transformer-network theano

Last synced: 04 Feb 2025

https://github.com/edwildson/facerecognition

Projeto de reconhecimento de face e sentimentos, feito com Django e ML

deep-neural-networks django face-detection face-recognition machine-learning opencv python

Last synced: 08 Jan 2025

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

https://github.com/rakibhhridoy/easywaydiveinto-datascience

Data Science is not as easy as it seems at first. The most problem faced by new learner are lack of resource knowledge as well as confusion in using the various resources. I hope this repository will benefit confusion learner.

algorithms algorithms-implemented bayesian-statistics data-science deep-learning deep-neural-networks linear-algebra machine-learning matplotlib multivariate-calculus numpy optimization pandas python scikit-learn scipy seaborn statistics statsmodels tensorflow

Last synced: 25 Dec 2024

https://github.com/justanhduc/multar

The official implementation of the ICASSP paper "A simple way of multimodal and arbitrary style transfer"

deep-learning deep-neural-networks python style-transfer theano

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