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

A generic image detection program that uses Google's Machine Learning library, Tensorflow and a pre-trained Deep Learning Convolutional Neural Network model called Inception. Topics

convolutional-neural-networks deep-learning deep-neural-networks image-detection tensorflow

Last synced: 24 Jan 2025

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

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/abhaskumarsinha/1d-gan

A simple well-documented tutorial on implementing a 1D GAN on Keras using a Python Jupyter Notebook

deep-learning deep-neural-networks gan generative-adversarial-network keras keras-tensorflow python3 tensorflow2 tutorial

Last synced: 21 Jan 2025

https://github.com/papapana/sagemaker-sentiment-analysis

Sentiment Analysis with LSTMs deployed in Amazon Sagemaker

aws aws-lambda deep-learning deep-neural-networks lstm sagemaker sentiment-analysis

Last synced: 13 Jan 2025

https://github.com/cooldragon12/solana-forecasting-using-lstm

A time series forecasting analysis using LSTM for the Solana Price

deep-neural-networks lstm lstm-model machine-learning

Last synced: 07 Jan 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/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/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/ammahmoudi/covid-19-autoencoder

Using Autoencoder in keras as a nonlinear dimensionality reduction method to encode COVID-19 patients data

autoencoder covid-19 deep-learning deep-neural-networks dimension-reduction keras-tensorflow machine-learning ml

Last synced: 15 Jan 2025

https://github.com/ammahmoudi/fluxomic-prediction

Applying implicit deep learning and convex optimization layers to infer metabolic fluxes from gene expression data

bioinformatics deep-neural-networks fluxomics ml optimization transcriptomics

Last synced: 15 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/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/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/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/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/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/wielkadraka/lunar-landing-q-learing

AI playing Lunar Landing from python gymnasium library

deep-neural-networks deep-q-learning lunar-lander python3

Last synced: 11 Jan 2025

https://github.com/lim-calculus/deep-learning-based-semantic-segmentation-with-pytorch-and-onnx

Deep learning-based semantic segmentation model using the PyTorch and ONNX framework

ai deep-learning deep-neural-networks onnx onnxruntime pytorch semantic-segmentation

Last synced: 22 Jan 2025

https://github.com/venkat-a/text_processing_rnn_lstm

Text Processing RNN leverages RNN and LSTM models for advanced text processing. It features deep learning techniques for NLP tasks, utilizing GloVe for word embeddings, aimed at both educational and practical applications.

categorical-encoding deep-neural-networks embedding-vectors lstm-neural-networks model-evaluation-and-tuning nltk-tokenizer numpy-arrays pandas-dataframe pytorch-nlp rnn-encoder-decoder tokenization vocabulary-builder

Last synced: 08 Jan 2025

https://github.com/piero24/lossfuncition-4sn

This research will show an innovative method useful in the segmentation of polyps during the screening phases of colonoscopies. To do this we have adopted a new approach which consists in merging the hybrid semantic network (HSNet) architecture model with the Reagion-wise(RW) as a loss function for the backpropagation process.

dataset deep-learning deep-neural-networks loss loss-functions matplotlib neural-network numpy opencv polyp-detection polyp-segmentation python python3 pytorch segmentation segmentation-models torchvision transformers unipd unipd-dei

Last synced: 08 Jan 2025

https://github.com/sloppycoder/coursera_tf_in_practice

Notebook for Coursera Tensorflow in Practices courses

deep-learning deep-neural-networks python tensorflow

Last synced: 11 Jan 2025

https://github.com/atharvapathak/hand_gesture_recognition_case_study

This project involves building a 3D Convolutional Neural Network (CNN) to correctly recognize hand gestures by a user to control a smart TV using 3D-CNN and 2D-CNN + RNN/LSTM/GRU.

cnn deep-neural-networks gesture-recognition machine-learning palm-detection python pytorch resnet tensorflow video-processing

Last synced: 15 Jan 2025

https://github.com/satya04m/recommender-system

The Recommender-System project is a machine learning-based application designed to predict user preferences and provide personalized recommendations. It leverages various algorithms, such as collaborative filtering and content-based filtering, to analyze user data and suggest relevant items. The project also includes a CI/CD pipeline for automating

deep-learning deep-neural-networks mse neural-network python recommendation-system rmse-score

Last synced: 22 Jan 2025

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/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/mwanginjuguna/deeplearning-with-fast-ai

Exploring Deep Learning on Kaggle.com. Mainly through the eyes of Practical deep learning for coders with Jeremy Howard on fast.ai

deep-neural-networks fastai ml pytorch

Last synced: 13 Jan 2025

https://github.com/rahulbhoyar1995/ner-case-study

This repositiry contains the code for Case study of "Named-Entity Recognition" in Natural Language Processing.

deep-neural-networks natural-language-processing ner

Last synced: 15 Jan 2025

https://github.com/rahulbhoyar1995/coursera-ml-specialisation-certification

Explore my journey through the Coursera Machine Learning Specialization with this repository. Access practice materials, code implementations, and learning notes to enhance your understanding of machine learning concepts.

deep-learning deep-neural-networks machine-learning machine-learning-algorithms python3 reinforcement-learning-algorithms supervised-learning unsupervised-learning

Last synced: 15 Jan 2025

https://github.com/bilalhameed248/nlp-fake-news-classification

Fake News Classification using Naive Bayes, Passive-Aggressive (PA) Classifier and Artificia Neural Network (ANN)

artificial-neural-networks deep-learning deep-neural-networks embeddings machine-learning naive-bayes-classifier nlp nlp-basic passive-aggressive-classifier

Last synced: 16 Jan 2025

https://github.com/shivamgupta92/sih1477_project_smartindiahackathon

Deploying human soldiers in hazardous environments comes with significant risks, including injuries, fatalities, and potential loss of critical military intelligence due to human errors.

deep-neural-networks figma fusion-360 html-css-javascript lidar raspberry-pi

Last synced: 11 Jan 2025

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/ahmad-ali-rafique/yolo-helmet-detection-app

This project implements a helmet detection system using YOLOv3 (You Only Look Once) and Streamlit. The application allows users to upload an image and detect helmets in real-time. The system uses OpenCV and pre-trained YOLOv3 weights to identify helmets in uploaded images, displaying the results with bounding boxes and confidence scores.

artificial-intelligence datascience deep-neural-networks helmet-detection image-processing machine-learning modeling opencv streamlit-dashboard yolov3

Last synced: 16 Jan 2025

https://github.com/rsn601kri/quantum_reservoir_modeling

Quantum Reservoir Computing (QRC) algorithm to address credit risk modeling use any quantum software development kit (SDK) or quantum processing unit (QPU).

deep-neural-networks python quantum-computing random-generation reservoir-computing

Last synced: 27 Dec 2024

https://github.com/kaocc/nerf_2d

Experiments of 2D NeRF (Neural Radiance Fields)

deep-neural-networks nerf

Last synced: 14 Jan 2025

https://github.com/ravisha-144/dl_practice

This repository follows the tutorials of the DL1 course at the UvA

deep-learning deep-neural-networks jax pytorch tensorflow

Last synced: 22 Jan 2025

https://github.com/minitechy/betavae_variants

beta-VAE variants trained using deep neural networks on the dSprites dataset with PyTorch

beta-vae deep-neural-networks disentanglement dsprites mig mutual-information pytorch sap

Last synced: 22 Jan 2025

https://github.com/omerbsezer/basicrnn

The aim of this implementation is to help to learn structure of basic RNN (RNN cell forward, RNN cell backward, etc..)

deep-learning deep-neural-networks rnn tutorial-code

Last synced: 11 Nov 2024