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/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: 21 Jan 2025

https://github.com/quarkgluant/deeplearning_tf

the "hello world" of the Deep Learning, MNIST dataset with tensorflow

deep-neural-networks python3 tensorflow-examples

Last synced: 07 Jan 2025

https://github.com/quarkgluant/deep_learning_a_z

french Udemy course based on the Kirill Eremenko's course on deep learning with Python

deep-learning deep-learning-tutorial deep-neural-networks python3 pytorch tensorflow

Last synced: 07 Jan 2025

https://github.com/barbarpotato/deeplearning.ai-tensorflow-developer-professional-certificate

TensorFlow Developer Professional Certificate program teaches you applied machine learning skills with TensorFlow so you can build and train powerful models.

convolutional-neural-networks deep-learning deep-neural-networks natural-language-processing neural-network tensorflow tensorflow2 time-series

Last synced: 11 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: 14 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: 18 Jan 2025

https://github.com/mahendran-narayanan/double-vit

[ICPR 2024] DoubleViT Pushing transformers towards the end because of convolutions

deep-learning deep-neural-networks icpr2024 pytorch tensorflow

Last synced: 21 Dec 2024

https://github.com/cseas/image-classifier

Deep Neural Network Classifier to recognise images based on custom training classes.

classify-images deep-learning deep-neural-networks image-classifier python python3 tensorboard tensorflow

Last synced: 27 Dec 2024

https://github.com/sanchariii/cifar-10-object-recognition-using-resnet50

CIFAR-10 dataset has 60,000 32x32 rgb images and those images are recognized using ResNet50 deep learning model with an accuracy of 71%.

colab-notebook deep-neural-networks neural-networks resnet-50

Last synced: 12 Jan 2025

https://github.com/guiferviz/aidictive

Addictive Artificial Intelligence library! SOTA models made easy :)

artificial-intelligence deep-learning deep-neural-networks easy-to-use machine-learning

Last synced: 12 Jan 2025

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/hackintoshrao/blog-posts

Markdown of my blog posts at medium.com/@hackintoshrao and hackintoshrao.com

artificial-intelligence deep-learning deep-neural-networks technical-writing

Last synced: 12 Jan 2025

https://github.com/ajithvcoder/epai

Contains assignments of EPAi course from The School of AI (https://theschoolof.ai/)

deep-neural-networks python pytorch

Last synced: 12 Jan 2025

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

Deep Learning Nanodegree Project : Given an image of a dog, the algorithm will identify an estimate of the canine’s breed. If supplied with an image of a human, the code will identify the resembling dog breed.

accuracy bottleneck-features categorical-cross-entropy cnn-architecture convolutional-neural-network deep-neural-networks detect-faces dog-breed dog-breed-classifier keras keras-neural-networks preprocessing resnet-50 rmsprop transfer-learning validation-loss vgg16 xception-model

Last synced: 30 Jan 2025

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: 18 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/unikraft/lib-dnnl

Unikraft port of Intel Math Kernel Library for DNNs

deep-neural-networks intel library math-library unikernel unikraft

Last synced: 19 Jan 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/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: 19 Jan 2025

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

https://github.com/inviii/ava

AVA is an AI/ML-based open-source program designed for fully autonomous Cars and Drones. AVA stands for AUTONOMOUS VEHICLE & AVIATION

ava aviation computer-vision convolutional-neural-networks deep-neural-networks lane-finding machine-learning self-driving-car tensorflow traffic-sign-classification vehicle-detection

Last synced: 19 Jan 2025

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/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/ggiuffre/machine-lambda

Purely functional implementation of SGD on feed-forward neural nets

deep-neural-networks functional-programming haskell-library neural-network stochastic-gradient-descent

Last synced: 19 Jan 2025

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

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/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/aaleksandraristic/intelligent-ecg-diagnostic-system-based-on-cnn-models

Implement an intelligent diagnostic system capable of accurately classifying cardiac activity. By analyzing ECG images or electronic readings, the system aims to detect various abnormalities, including distinguishing normal vs. abnormal heartbeats, identifying myocardial infarction (MI) and its history, and assessing the impact of COVID-19.

classification-algorithm cnn-keras cnn-model convolutional-neural-networks deep-learning deep-neural-networks ecg-classification ecg-signal image-classification image-preprocessing machine-learning resnet resnet-50 vgg16 vgg16-model

Last synced: 16 Jan 2025

https://github.com/shubhamahobia/ann-classification

The project involves developing a machine learning model to predict customer churn using Artificial Neural Networks (ANN). Customer churn refers to the loss of clients or subscribers. Accurately predicting churn helps businesses implement strategies to retain customers, thereby increasing profitability.

aritificial-intelligence artificial-neural-networks churn-prediction churn-rates classification deep-learning deep-neural-networks machine-learning

Last synced: 27 Dec 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/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/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/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/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/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: 21 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/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: 10 Oct 2024

https://github.com/akashash01/artificial_neural_network

It is an network of neurons that make up a human brain, so that machine can able to learn things and make decision like humans. This deep learning model is more flexible for regression and classification problems(linear & non-linear), susceptible to overfitting.

data-science datavisualization deep-learning deep-neural-networks python

Last synced: 14 Dec 2024

https://github.com/mzguntalan/red

A place for code to relax in happiness without the pressure of maintenance. Mostly related to Machine Learning and Deep Learning

deep-learning deep-neural-networks haiku jax linear-transformer neural-networks optax

Last synced: 01 Feb 2025

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

https://github.com/loudji971/chatbot-intent-classifier

Chatbot based on natural language processing (NLP) and deep learning for accurate intent classification in conversations. - Artificial Inteligence Tecniques

ai atis-dataset bert chat-bot-deep-learning deep-neural-networks fastapi intent-classification keras nlp nltk nltk-keras-python nlu-engine scikit-learn tridib-samanta

Last synced: 25 Jan 2025

https://github.com/m0saan/guitardetect

Deep Learning for Guitars 🎸: Guitar Classifier using CNN

cnn cnn-classification deep-neural-networks guitar-classifier

Last synced: 16 Jan 2025

https://github.com/akashash01/convolutional_neural_network

Is a deep neural network, most commonly applied to analyze visual images.

cnn-for-visual-recognition data-science deep-learning deep-neural-networks python

Last synced: 14 Dec 2024

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/grascya/forecasting-electricity-by-hour-rnn-vs-lstm

Explore the Production and Consumption of Electricity produced by different types of energy sources and build an RNN and LSTM to forecast them

deep-neural-networks electricity keras lstm-neural-networks rnn-model tensorflow2

Last synced: 10 Oct 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/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/amdjadouxx/chifoumiai

A model which take an image of a hand making a sign (paper, scissor, rock) and detect which sign it is, improvement to come

artificial-neural-networks cnn-classification deep-neural-networks ia python3 tensorflow-tutorials

Last synced: 10 Oct 2024

https://github.com/codewithdark-git/titans-transformer

This repository contains an experimental implementation of the Titans Transformer architecture for sequence modeling tasks. The code is a personal exploration and may include errors or inefficiencies as I am currently in the learning stage. It is inspired by the ideas presented in the original

deep-learning deep-neural-networks inference llm ml neural-networks new nn paper python research-paper test titans transformer transformers-models

Last synced: 25 Jan 2025

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/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 Jan 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: 15 Dec 2024

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