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/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/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/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/apozzi/convnetjs-extras

Builds on the core functionalities of convnetjs by adding more features and utilities that enhance the capabilities of neural network development and experimentation.

activation-functions convnetjs deep-learning deep-neural-networks loss-functions

Last synced: 29 Nov 2024

https://github.com/rizerkrof/library-simpleneuralnetwork

This is a simple fully connected neural network library for deep learning. Include example.

deep-learning deep-neural-networks library

Last synced: 29 Nov 2024

https://github.com/mohammad95labbaf/lung-segmentation

The preparation for the Lung X-Ray Mask Segmentation project included the use of augmentation methods like flipping to improve the dataset, along with measures to ensure data uniformity and quality. The model architecture was explored with two types of ResNets: the traditional CNN layers and Depthwise Separable.

chest-xray-images chest-xrays cnn cnn-keras convolutional-neural-networks deep-learning deep-neural-networks deeplearning depthwise-separable-convolutions depthwiseseparableconvolution lung-disease lung-segmentation segment segmentation x-ray-images

Last synced: 13 Jan 2025

https://github.com/gyselle-marques/neural-network-mnist

Implementação em Python de uma rede neural de Deep Learning para reconhecimento de dígitos.

deep-learning deep-neural-networks machine-learning neural-network portuguese-brazilian python

Last synced: 13 Jan 2025

https://github.com/qile0317/bacteria-classifier-cnn

A resnet50 bacterial genus/strain classifier from the dibas dataset.

bacteria-classification cnn deep-learning deep-neural-networks fastai image-classification

Last synced: 19 Jan 2025

https://github.com/saadarazzaq/custom-neural-networks

Perceptron, Multiclass and Deep Neural Network Implemented All in One Repo ✨

deep-neural-networks keras numpy perceptron python scikit-learn tensorflow

Last synced: 23 Jan 2025

https://github.com/dansolombrino/creactive

A set of experiments on Deep Neural Networks activation functions

activation-functions deep-learning deep-neural-networks nonlinear-optimization

Last synced: 14 Dec 2024

https://github.com/dansolombrino/biscuits

A set of experiments inspired by the paper "Training BatchNorm and Only BatchNorm: On the Expressive Power of Random Features in CNNs" by Jonathan Frankle, David J. Schwab, Ari S. Morcos

batchnorm cnn cnns convolutional-neural-networks deep-learning deep-neural-networks resnet resnets

Last synced: 14 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/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/zakircodearchitect/flight-intent-classifier

This project uses a Bidirectional LSTM model to classify flight-related queries into 8 intents. Trained on the ATIS dataset, it achieved 97% test accuracy and is ideal for travel-related chatbots.

atis-dataset deep-neural-networks intent-classification neural-network

Last synced: 29 Dec 2024

https://github.com/amdjadouxx/chatbotai

implementing a chatbot with tensorflow in python

deep-learning deep-neural-networks ia natural-language-processing python3

Last synced: 23 Nov 2024

https://github.com/j3-signalroom/j3-ml_ai-education_experiences

Some of the project notebooks I built during my deepatlas.ai well-rounded education program.

artificial-intelligence artificial-neural-networks deep-learning deep-neural-networks machine-learning

Last synced: 14 Dec 2024

https://github.com/aravinda-1402/cotton_disease_prediction

Deep Learning model to detect a diseased cotton plant

cnn deep-neural-networks python3

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

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

đź“Š NNViz is interactive visualization tool for Tensorflow made neural networks.

artificial-intelligence artificial-neural-networks deep-neural-networks interpretable-machine-learning tensorflow visualization-tools

Last synced: 16 Dec 2024

https://github.com/qasimwani/dqn-openai

Using DQN (Deep Q Network) to develop a DRL (Deep Reinforcement Learning) agent to solve LunarLander environment in OpenAI gym.

deep-neural-networks dqn keras-tensorflow openai-gym reinforcement-learning

Last synced: 27 Dec 2024

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

A Deep Learning library based on Pytorch and PyTorch Lightning which makes Deep Learning even simpler.

deep-learning deep-neural-networks python3 pytorch pytorch-lightning

Last synced: 21 Dec 2024

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/rociobenitez/deeplearning-airbnb-price-prediction

Deep Learning project for Airbnb price prediction, featuring data preprocessing and neural network models in Google Colab.

airbnb-data airbnb-pricing-prediction convolutional-neural-networks deep-learning deep-learning-algorithms deep-neural-networks keras keras-neural-networks keras-tensorflow

Last synced: 23 Nov 2024

https://github.com/hawmex/deep_learning_content

This repository contains my teaching material as a teaching assistant for the "Artificial Intelligence" course at AUT (Tehran Polytechnic).

convolutional-neural-networks deep-learning deep-neural-networks

Last synced: 29 Dec 2024

https://github.com/utility-code/sprintdl

pytorch wrapper for easier experimentation

deep-learning deep-neural-networks pytorch

Last synced: 21 Jan 2025

https://github.com/danhenriquex/data_science_and_machine_learning

A.I, Data Science & Machine Learning and Deep Learning with Tensorflow

deep-learning deep-neural-networks machine-learning matplotlib numpy pandas tensorflow

Last synced: 14 Jan 2025

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

My solutions for Deep Learning by Google MOOC on Udacity

deep-learning deep-neural-networks solutions udacity

Last synced: 25 Dec 2024

https://github.com/kedhareswer/pdfchatbot

The Following Project is just me trying to understand a way to make PDF Chat bot this is not the final work

css deep-learning deep-neural-networks html machine-learning pdfjs python

Last synced: 21 Jan 2025

https://github.com/bismillah-jan/deep-neural-network

A demonstration of Deep Neural Network implementation using TensorFlow.

adaline-learning-algorithm deep-neural-networks keras tensorflow

Last synced: 16 Jan 2025

https://github.com/alandoescs/ml-reading-group

The GitHub Page of the Bavarian International School Machine Learning Reading Group

deep-learning deep-neural-networks machine-learning neural-networks reading-list

Last synced: 29 Dec 2024

https://github.com/athari22/tv-script-generation

In this project, I generated Seinfeld TV scripts using RNNs.This project is part of udacity deep learning nanodegree program. The Neural Network will generate a new, "fake" TV script, based on patterns it recognizes in this training data.

deep-learning deep-neural-networks machine-learning neural-network python pytorch rnn rnn-encoder-decoder rnn-model rnn-pytorch

Last synced: 30 Dec 2024

https://github.com/athari22/sentiment-analysis-web-app

In this project, I created a Sentiment Analysis Web App using PyTorch and SageMaker. This project is part of the deep learning nanodegree program at udacity. Project Overview In this project, I constructed a recurrent neural network for the purpose of determining the sentiment of a movie review using the IMDB data set. Used Amazon's SageMaker service. In addition, created a simple web app that will interact with the deployed model.

amazon amazon-web-services deep-learning deep-neural-networks machine-learning neural-network python pytorch sagemaker sentiment-analysis

Last synced: 30 Dec 2024

https://github.com/malolm/educational-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: 21 Jan 2025

https://github.com/maxvandenhoven/deep-defect-detection

University project applying deep neural networks and automatic hyperparameter optimization to detect defects in manufactured parts

binary-classification convolutional-neural-networks deep-learning deep-neural-networks defect-detection hyperopt hyperparameter-optimization python pytorch sklearn

Last synced: 29 Dec 2024

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

https://github.com/faisal-fida/nlp-classification-qna-for-beginners

Natural language processing (NLP) tasks: text classification and text generation. The notebooks explore different techniques and models for handling these tasks, offering insights into common challenges and solutions.

challenges deep-neural-networks nlp-machine-learning text-classification text-generation

Last synced: 08 Jan 2025

https://github.com/aishwaryahastak/alzheimer-s-detection

Alzheimer's Detection from Brain MRI scans using DNN

deep-neural-networks healthcare image-classification

Last synced: 02 Jan 2025

https://github.com/natielle/udemy-tensorflowcompython

Material de estudo do curso: https://www.udemy.com/course/tensorflow-machine-learning-deep-learning-python/learn/lecture/12670278#overview

deep-learning deep-neural-networks deeplearning python tensorflow

Last synced: 21 Jan 2025

https://github.com/hemanthh17/ct5129-thesis-image-dehazing

ClearFlow: An Enhanced Image Dehazing Workflow Using Model Ensembling and CNN Postprocessing. This project is aimed to train a neural network to handle the task of image dehazing.

computer-vision deep-learning deep-neural-networks torch torchvision

Last synced: 21 Jan 2025

https://github.com/harshuljain13/dogsbreedclassification

Classifying the dogs breed using transfer learning in DeepLearning

deep-learning deep-neural-networks inceptionv3 keras tensorflow transfer-learning

Last synced: 30 Dec 2024

https://github.com/gosuto-inzasheru/aml-densenet-varying-learning-rates

Re-training the deep neural network DenseNet using various learning rate strategies. Entry for the Food Recognition Challenge for the Master's course Applied Machine Learning.

cyclical-learning-rate deep-neural-networks densenet image-classification learning-rate-benchmarking learning-rate-decay

Last synced: 14 Jan 2025

https://github.com/namratagulati/textingwithcnn

This project focuses on the training and evaluation of a TextCNN model for text classification. The model architecture includes an embedding layer, convolutional layers with max-pooling, dropout for regularization, and a softmax layer for classification

convolutional-neural-network convolutional-neural-networks deep-learning deep-neural-networks deeplearning

Last synced: 08 Jan 2025