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/rakshit-shetty/pothole-detection

A pothole detection DL algorithm using Yolo v2 and Tensorflow

deep-neural-networks pothole-detection tensorflow yolov2

Last synced: 26 Jan 2025

https://github.com/sreeeswaran/nst-for-artistic-image-creation

This project focuses on Neural Style Transfer (NST), a technique that applies the style of one image to the content of another image, creating a new, stylized image. NST leverages deep learning models, particularly Convolutional Neural Networks (CNNs), to extract and combine the content and style features of images.

artificial-intelligence artificial-neural-networks cnn cnn-model convolutional-neural-networks deep-learning deep-neural-networks image-generation machine-learning models neural-networks neural-style-transfer nst

Last synced: 22 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: 15 Dec 2024

https://github.com/joelselvaraj/udacity-mlnd-capstone-handwritting-digit-recognition

Udacity - Machine Learning Engineer Nanodegree Project - A Deep Neural Network to recognise handwritten digits

capstone deep-neural-networks gpu handwritten-digits jupyter-notebook mnist-dataset python udacity-nanodegree

Last synced: 08 Dec 2024

https://github.com/gokulnpc/iris-detection

This project focuses on iris detection using deep learning techniques. The model architecture combines the power of ResNet152V2, a pre-trained convolutional neural network (CNN), with additional convolutional layers to accurately detect and localize iris regions in images.

convolutional-neural-networks deep-neural-networks iris-detection resnet

Last synced: 07 Dec 2024

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: 07 Dec 2024

https://github.com/kiritoind/neural-network-for-cat-image-classification

This script defines essential functions for constructing a deep neural network from scratch for image classification. It includes activation functions like sigmoid and ReLU, data loading from H5 files, parameter initialization, forward and backward propagation for training, gradient descent for parameter updates, and functions for prediction

classification computer-vision deep-learning deep-neural-networks jupyter-notebook numpy python

Last synced: 05 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/neerajcodes888/cat-vs-dog-image-classification

Repository for a deep learning model that classifies images as either cats or dogs using deep learning techniques. The model is trained on a diverse dataset and achieves high accuracy in distinguishing between these two popular pet categories. Includes pre-processing scripts, model architecture, and evaluation metrics for seamless implementation

cats-vs-dogs cats-vs-dogs-classification deep-learning deep-neural-networks googlecolaboratory imageclassification python3

Last synced: 04 Dec 2024

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/agamiko/neural-based-data-augmentation

Improving generalization via style transfer-based data augmentation: Novel regularization method

cnn data-augmentation database deep-learning deep-neural-networks image-classification image-synthesis paper skin-lesions style-transfer

Last synced: 04 Dec 2024

https://github.com/majsylw/chihuahua-vs-muffin

Excercises in Deep learning for polish students conducted in winter 2020/21 (polish). With cooperation with Wroclaw University of Technology and OPI. This repository based on materials from beginner's workshop for SJSU ML Club and facebook DETR.

classification deep-neural-networks linear-nn python3 pytorch tutorial-code

Last synced: 04 Dec 2024

https://github.com/faizantkhan/deep-learning

Unlock deep learning's secrets! Dive into fundamentals, master advanced techniques, and ignite creativity with hands-on projects. Join a vibrant community, push boundaries, and unleash AI's full potential. Begin your journey now!

advanced-programming ai aiml beginner-friendly deep-learning deep-learning-algorithms deep-learning-tutorial deep-neural-networks deep-reinforcement-learning deeplearning keras-tensorflow machine-learning-algorithms machinelearning-python neural-networks open-source opencv python python-library tensorflow yolo

Last synced: 15 Jan 2025

https://github.com/abhiramdodda/two-stage-plant-diesease-detection

In this repo a two stage plant disease detection is introduced which reduces time required for training and gives greater accuracy.

deep-neural-networks efficientnet image-processing tensorflow

Last synced: 12 Jan 2025

https://github.com/zjysteven/awesome-byte-llm

A curated list of papers and resources on byte-based large language models (LLMs) — models that operate directly on raw bytes.

awesome-list byte-llms deep-learning deep-neural-networks foundation-models large-language-models machine-learning multimodal-large-language-models research-paper tokenization-free transformers

Last synced: 20 Dec 2024

https://github.com/milankinen/c2w2c

C2W2C language model from my Master's Thesis

deep-learning deep-neural-networks keras nlp recurrent-neural-networks theano

Last synced: 19 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: 16 Dec 2024

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/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/nikamrohan/cats-vs-dogs

Using Pytorch with Django To distinguish Cats from Dogs by Fine Tuning pretrained Model.

cats-vs-dogs deep-learning deep-neural-networks django django-framework fine-tuning-cnns pretrained-models pytorch pytorch-implmention vgg16

Last synced: 06 Jan 2025

https://github.com/augus1999/akane

AsymmetriC AutoeNcodEr (ACANE → AkAne). This model is part of MSc Electrochemistry and Battery Technologies project (2022 - 2023), University of Southampton.

chemistry deep-neural-networks denovo-design graph-neural-networks machine-learning multitask-learning pytorch-implementation transformer

Last synced: 14 Nov 2024

https://github.com/ahammadmejbah/tensorflow-developers

Welcome to the TensorFlow 90-Day Guide, your comprehensive roadmap to mastering TensorFlow and Neural Networks in just three months! This guide is meticulously structured to take you from a beginner to an advanced practitioner, equipped with the knowledge and hands-on experience to build, train, and deploy sophisticated machine learning models.

data-science data-visualization deep-learning deep-neural-networks deep-reinforcement-learning tensorflow tensorflow-models tensorflow-tutorials

Last synced: 11 Dec 2024

https://github.com/crispengari/cv-torch

computer vision notebooks for pytorch projects.

computer-vision deep-learning deep-neural-networks python pytorch torch

Last synced: 16 Dec 2024

https://github.com/idwessough/autonomous-driving

Autonomous Driving behaviour for a 4 wheel drive robot vehicle using AI and ROS to drive autonomously in a scaled city

artificial-intelligence computer-vision deep-neural-networks object-recognition robot-framework robotics ros2

Last synced: 22 Jan 2025

https://github.com/ahammadmejbah/understanding-convolutional-layers

Convolutional layers are a type of neural network layer primarily used in deep learning models for processing data that has a grid-like topology, such as images.

deep-learning deep-learning-tutorial deep-neural-networks deep-reinforcement-learning deeplearning

Last synced: 09 Jan 2025

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

https://github.com/sayannath/linear-app

An ANN model is built and trained and exported to tflite format. Then it is integrated into Android App.

android ann deep-learning deep-neural-networks java keras machine-learning tensorflow tflite

Last synced: 11 Dec 2024

https://github.com/monzerdev/real-time-sign-language-detection

A real-time detection system for sign language alphabets and numeric gestures using MediaPipe and a Convolutional Neural Network (CNN). Features hand landmark detection, classification, and real-time feedback.

cnn computer-vision convolutional-neural-networks deep-learning deep-neural-networks mediapipe opencv pandas python pytorch real-time scikit-learn signlanguagedetection

Last synced: 01 Jan 2025

https://github.com/arif-miad/image-classification

pre-trained image classification models use prior knowledge to recognize patterns in images, speeding up training and improving accuracy.

computer-vision deep-neural-networks kaggle-dataset keras python pytorch resnet-50 tensorflow transfiterlearning vgg19

Last synced: 12 Dec 2024

https://github.com/ahammadmejbah/the-90-day-pytorch-mastery-roadmap

Embark on a 90-day journey to master PyTorch! From tensor basics to advanced deep learning, each day offers lessons, hands-on exercises, and curated resources. Gain practical skills to confidently build, train, and deploy models across diverse applications.

ai artificial-intelligence data-engineering data-science data-visualization deep-learning deep-learning-algorithms deep-neural-networks python python-3 pytorch pytorch-cnn pytorch-gan pytorch-implementation pytorch-nlp pytorch-tutorial

Last synced: 20 Jan 2025

https://github.com/poodarchu/models.tf

papers implementation during learning dl and tensorflow.

deep-neural-networks tensorflow transfer-learning

Last synced: 30 Nov 2024

https://github.com/yannick-kees/mlp

Build MLP from scratch only using Numpy. Able to perform simple supervised learning problems in any dimension and with variable layer configurations. It can also be used for Auto-Encoder problems.

autoencoder deep-learning deep-neural-networks mlp numpy-tutorial

Last synced: 23 Jan 2025

https://github.com/sreeeswaran/text-generation-using-t5

This project demonstrates the use of Transformers for text generation using the T5 model. The project includes the necessary code for training the model on a custom dataset and generating new text.

ai artificial-intelligence artificial-neural-networks deep-learning deep-neural-networks neural-networks t5 t5-model text-generation text-generation-using-t5 text-to-text text-to-text-generation text-to-text-transfer-transformer text-to-text-transformer tranformers

Last synced: 22 Jan 2025

https://github.com/ducthienbui97/pokedex

I am making a real pokedex with a model 85% accuracy top 1, 91% top 3, 93% top 5

classifier cnn cnn-keras deep-learning deep-neural-networks jupyter-notebook keras pokemon python tensorflow

Last synced: 17 Dec 2024

https://github.com/mohammad95labbaf/brain-tumor-transferlearning

The Brain Tumor MRI Dataset from Kaggle is employed for automated brain tumor detection and classification research. Investigated methods include using pre-trained models (VGG16, ResNet50, and ViT). 🧠🔍

cnn cnn-keras deep-learning deep-neural-networks deeplearning kaggle-dataset keras keras-tensorflow neural-network neural-networks pretrained-models resnet-50 transfer-learning tumor-classification tumor-detection vgg16 vision vision-transformer vit

Last synced: 13 Jan 2025

https://github.com/nikhilcodes/draw-anywhere

Not just any simple Digit Recognition. MNIST Digit Recognition got lot more Interesting!

computer-vision cv2 deep-learning deep-neural-networks drawing-app illusion keras-neural-networks opencv opencv-python

Last synced: 17 Dec 2024

https://github.com/marcogdepinto/panoramamodelserving

Using Java and deeplearning4j to serve a Keras model.

deep-learning deep-neural-networks deeplearning deeplearning4j java keras python

Last synced: 17 Dec 2024

https://github.com/sergio11/breast_cancer_diagnosis_mlp

🩺🔬 MLP-based Breast Cancer Diagnosis: Predicts tumor malignancy from image features, aiding in early detection. 📊🤖

deep-learning deep-neural-networks machine-learning mlp-classifier mlp-networks numpy sklearn sklearn-classify

Last synced: 14 Dec 2024

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/samanyougarg/dl-mnist

Deep Learning on the MNIST Handwritten Digits Dataset.

deep-learning deep-neural-networks keras mnist python tensorflow

Last synced: 13 Dec 2024

https://github.com/tanishqjasoria/deeplearning

Implementation of some Neural Network architecture using Numpy, TensorFlow and Keras.

convolutional-neural-networks deep-learning deep-neural-networks residual-learning tensorflow transfer-learning

Last synced: 23 Dec 2024

https://github.com/hsprcode/audio-signal-classification-using-convolutional-neural-networks

Extracted features and classified GTZAN Dataset via deep neural networks with reduced number of parameters and achieved a maximum of 81.62% classification accuracy using 1D-CNN.

audio-analysis audio-processing convolutional-neural-networks deep-neural-networks musicgenre python

Last synced: 18 Dec 2024

https://github.com/toby-sanders-101/mydigits

Everything needed to create a AI bot that can read images

deep-neural-networks image-classification matplotlib numpy opencv pyautogui python

Last synced: 15 Jan 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/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/jefferyustc/miscan_cli

MiScan: mutation-inferred screening model of cancer | Apache Software License

bioinformatics deep-learning deep-neural-networks

Last synced: 21 Jan 2025

https://github.com/victordibia/neuraldreams

Visual Exploration of Representations Learned by Convolutional Neural Networks

cnn deep-learning deep-neural-networks explainability visualization

Last synced: 10 Jan 2025

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

https://github.com/redayzarra/cnn_trafficsigns

This is a machine learning project where I utilized the LeNet-5 architecture to create a convolutional deep network that classifies 43 different kind of traffic signs. I've made sure to include a full step-by-step implementation of the project as well as detailed notes for every step.

classification classification-model computer-vision deep-learning deep-neural-networks lenet lenet-5 lenet-architecture machine-learning model-evaluation model-selection

Last synced: 26 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/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/mashiat12/synthetic_brain_image_generation

Synthetic images generated using deeplearning model (GANs) allows researchers to create realistic, diverse MRI images that can supplement or expand existing datasets without needing additional patient scans.

artificial-intelligence deep-learning deep-neural-networks gan gans generative-adversarial-network generative-ai image-processing imagegeneration machine-learning

Last synced: 30 Nov 2024

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/keyurparalkar/cifar-10

ConvNet implementation for CIFAR-10 dataset using pytorch

convolutional-neural-networks deep-learning deep-neural-networks lenet-architecture pytorch

Last synced: 30 Dec 2024

https://github.com/leehanchung/deeplearning.ai

Coursera Deeplearning.ai Deep Learning Specialization

coursera deep-learning deep-neural-networks neural-networks tensorflow

Last synced: 08 Jan 2025

https://github.com/coditheck/tensorflow

TensorFlow is an open source Machine Learning library, created by Google, for developing and running Machine Learning and Deep Learning applications.

deep-learning deep-neural-networks keras machine-learning neural-network python tensorflow tensorflow-tutorials

Last synced: 21 Dec 2024

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/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/olitheolix/ds2data

Space Sim Inspired Data Set for Machine Learning Purposes

3d-models deep-learning deep-neural-networks machine-learning space-sim tensorflow

Last synced: 02 Jan 2025

https://github.com/himanshuvnm/generalized-gaussian-radial-basis-function-in-artificial-intelligence-matlab

This is the recent work of my on the importance and application of mathematical function around its Hilbert function theory on artificial intelligence algorithms. The main motivation was the desire of improving the convergence rate and learning rate of various learning algorithms via Generalized Gaussian Radial Basis Function.

activation-functions artificial-intelligence deep-learning deep-neural-networks gaussian-process-regression image-recognition kernel-regression machine-learning-algorithms neural-network reproducing-kernel-hilbert-space support-vector-machine

Last synced: 25 Dec 2024

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