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

Emotion recognition using deep learning - project at AngelHack Global Hackathon Series : New Delhi. WON the Govtech challenge!!!!

deep-neural-networks hackathon opencv3 tensorflow

Last synced: 29 Nov 2024

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/hackintoshrao/tensorflow-income-bracket

Predicting whether the income > 50K based on the information about the individuals.

classification deep-learning deep-neural-networks tensorflow

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

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

https://github.com/dhrupad17/understanding-deep-learning-through-projects

This repository encapsulates a hands-on approach to mastering the intricate concepts of deep learning. Through practical engagement with real-world projects, learners immerse themselves in the nuances of neural networks, optimization techniques, and model architectures. This methodology fosters a profound comprehensio

artificial-neural-networks convolutional-neural-networks deep-learning deep-neural-networks lstm-neural-networks project-repository recurrent-neural-networks

Last synced: 16 Jan 2025

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/aaleksandraristic/innovative-skin-cancer-screening-iscs-utilizing-cnn-models

The goal of this project is to employ deep learning models and advanced techniques to identify abnormalities by analyzing images of the skin tissues.

cnn-classification cnn-keras cnn-model convolutional-neural-networks deep-neural-networks densenet googlenet-inception-network image-classification image-processing python resnet

Last synced: 16 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/pthmhatre/stylescribe-using-generative-adversarial-network

A fashion AI-based model capable of generating images from textual descriptions. The model should take natural language text as input and generate images that visually represent the given text. This text-to-image generation system bridges the gap between textual descriptions and visual content.

deep-neural-networks flask-application generative-adversarial-network generative-ai googlecloudplatform hyperparameter-tuning keras-tensorflow neural-networks nlp os pillow rdp-connection scipy sklearn-metrics spacy-nlp texttoimage tfidf-vectorizer

Last synced: 06 Dec 2024

https://github.com/sadmansakib93/arctic-mammal-classification

Deep learning model for acoustic detection and classification of Bowhead whales. This repo contains code for the binary classification model, two classes are: Bowhead whales (BH), Other/background.

annotations audio-analysis audio-classification classification deep-learning deep-neural-networks machine-learning python spectrogram tensorflow

Last synced: 12 Jan 2025

https://github.com/chaitanyak77/optimal-detection-of-diabetic-retinopathy-severity-using-attention-based-cnn-and-vision-transformers

This repository contains the implementation of a hybrid model combining Attention-Based Convolutional Neural Networks (CNNs) and Vision Transformers (ViT) to classify the severity levels of diabetic retinopathy.

cnn-classification deep-neural-networks diabetic-retinopathy-detection image-processing transformers vision-transformer

Last synced: 16 Jan 2025

https://github.com/ztrimus/digit-recognition-from-scratch-neural-network

Avoided use of Built-in Models, function in Pytorch. Used Pytorch API and MNIST Dataset.

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

Last synced: 22 Jan 2025

https://github.com/aman-17/deep-learning-practise

Practicing deep learning also involves being familiar with the libraries and frameworks like Tensorflow, Pytorch, Theano, etc. that are commonly used to train and deploy deep learning models, as well as staying up to date with the latest research and advancements in the field.

deep-learning deep-neural-networks python pytorch tensorflow

Last synced: 25 Nov 2024

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

A simply C++ implemented neural networks

cpp cpp17 deep-learning deep-neural-networks

Last synced: 22 Jan 2025

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/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/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/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/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/hiroakimikami/nnabla-ggnn

Reimplement gated graph neural network in NNabla

deep-learning deep-neural-networks ggnn nnabla

Last synced: 13 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/utility-code/sprintdl

pytorch wrapper for easier experimentation

deep-learning deep-neural-networks pytorch

Last synced: 21 Jan 2025

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