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/iwas-coder/guanaco

A simple, uncomplicated, multilayered Neural Network framework written in pure C.

ai ai-models c deep-learning deep-neural-networks header-only neural-network stb

Last synced: 28 Nov 2024

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

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: 28 Nov 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/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/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/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/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/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/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/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/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/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/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/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/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/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/akash-nath29/image-classifier

A Machine Learning Model capable to detect person's mood (happy or sad) from image

deep-neural-networks dnn keras keras-neural-networks keras-tensorflow machine-learning tensorflow tensorflow-models

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

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

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

https://github.com/sathyasris27/image-classification-using-dnn-and-cnn

The main aim of this project is to understand and implement deep neural network (DNN) and convolutional neural network (CNN) and see how these can be used for classification problems.

classification convolutional-neural-networks data-science deep-learning deep-neural-networks image-classification python

Last synced: 10 Jan 2025

https://github.com/kingabzpro/mrna-vaccine-degradation-prediction

The model that will predict the degradation rates at each base of an RNA molecule.

covid-19 data-science deep-neural-networks mrna-stability vaccine

Last synced: 17 Jan 2025

https://github.com/ynstf/moboot

Moboot is a chatbot developed in Moroccan Darija, Based on a collection of Moroccan phrases and responses, Moboot has been trained to engage in relatively short conversations with users.

api boot css darija-nlp deep-neural-networks flask html neural-network nlp

Last synced: 11 Jan 2025

https://github.com/nobuyuki83/dnn_classify

object classification using deep neural network

classification deep-learning deep-neural-networks neural-network

Last synced: 04 Jan 2025

https://github.com/wapiti08/machine_learning_practice

the collections to practice the wide range of different machine learning skills

deep-neural-networks machine-learning nlp-machine-learning security-automation sklearn

Last synced: 04 Jan 2025

https://github.com/barbarpotato/sentiment-analysis-bangkit-capstone-project

This Project was from Bangkit Capstone Project, the goal from this repository, is to built the sentiment analysis to classified the sentence is it the positive or the negative sentiment about the specific event organizer review.

deep-learning deep-neural-networks h5 natural-language-processing sentiment-analysis tflite-models

Last synced: 11 Jan 2025

https://github.com/sadmansakib93/petals-to-the-metal-flower-classification-kaggle

This notebook is the solution for Kaggle's Petals to the Metal - Flower Classification on TPU challenge: https://www.kaggle.com/c/tpu-getting-started

artificial-intelligence classification deep-learning deep-neural-networks densenet flower-classification kaggle kaggle-competition kaggle-petals keras keras-neural-networks notebook tpu-challenge transfer-learning

Last synced: 12 Jan 2025

https://github.com/amazon-science/contrastive_emc2

Code the ICML 2024 paper: "EMC^2: Efficient MCMC Negative Sampling for Contrastive Learning with Global Convergence"

contrastive-learning deep-neural-networks machine-learning machine-learning-algorithms mcmc-sampling multi-modal multi-modal-learning

Last synced: 12 Jan 2025

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/irishfix/universalnumerics.net

UniversalNumerics.NET is a versatile .NET package that can be used both in Unity and in normal C# projects. It simplifies common computational tasks, such as computing 2D line intersections, 2D segment intersections, 2D point within queries, 2D triangulation of points, 3D area voxelization and even creating deep neural network models.

artifical-intelligence artificial-neural-networks computational-geometry csharp csharp-library deep-learning deep-neural-networks dotnet mathematics triangulation triangulation-delaunay unity unity3d

Last synced: 12 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/monzerdev/real-time-sign-language-recognition

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 recognition scikit-learn signlanguagedetection signlanguagerecognition

Last synced: 19 Jan 2025

https://github.com/darkshadowcoder/ai-based-cloud-deployed-movie-recommendation-system

In this repository, I design an online movie recommendation system using Machine learning-deep learning and deployed on Azure

api deep-neural-networks flask-backend machine-learning-algorithms movie-recommendation reactjs test-automation

Last synced: 19 Jan 2025

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/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/enheragu/mnist-learning-playground

Just repository with code to play MNIST dataset and different learning models

deep-learning deep-neural-networks mnist mnist-classification python pytorch

Last synced: 29 Dec 2024

https://github.com/arpan132002/fitness-tracker-using-smart-watches

This repository contains the code for a full machine learning project that tracks fitness activities. The project demonstrates the process of building a fitness tracker using Python and machine learning techniques

deep-neural-networks machine-learning outlier-detection

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

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/anibalalpizar/python-deep-learning-temperature-converter

Celsius to Fahrenheit converter using Python and deep learning.

deep-learning deep-neural-networks python tensorflow

Last synced: 08 Jan 2025

https://github.com/lbp2563/glasses-detection-from-human-face-images

This project uses TensorFlow and Keras to develop a deep learning model for detecting glasses on human faces in images. It employs convolutional neural networks (CNNs) to classify images into "with glasses" and "without glasses" categories, offering a versatile tool for applications like facial recognition and virtual try-on experiences.

deep-neural-networks glass-detection keras keras-neural-network neural-network

Last synced: 21 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/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/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/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/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/lugq1990/neural-nets

Build deep learning models more efficient based on TensorFlow.

deep-learning deep-neural-networks machine-learning tensorflow

Last synced: 08 Jan 2025

https://github.com/abhinavbammidi1401/deeplearning

This repository contains a collection of deep learning models and tools for various tasks such as image classification and generative modeling. Built with popular frameworks like TensorFlow, Keras and PyTorch, it includes code examples, pre-trained models, and detailed documentation to help you get started with deep learning.

deep-learning deep-neural-networks image-classification yolov5

Last synced: 21 Jan 2025