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/sonu275981/movie-recommender-system

Movie-Recommender-System hosted on https://movies275.herokuapp.com/ also on https://share.streamlit.io/sonu275981/movie-recommender-system/main/app.py

content-based-recommendation cosine-similarity deep-neural-networks movie-recommendation nlp-machine-learning recommender-system sentiments-analysis tensorflow tmdb-api vectorization

Last synced: 24 Dec 2024

https://github.com/sonu275981/face-mask-detector

Face Mask Detection system based on computer vision and deep learning using OpenCV and TensorFlow/Keras

cnn-keras computer-vision convolutional-neural-networks covid-19 deep-learning deep-neural-networks face-mask-detection face-mask-detector opencv python

Last synced: 24 Dec 2024

https://github.com/sonu275981/diabetes_by-using-keras-hyperparameter

A simple neural network using Keras-hyperparameter and Python to solve a binary classification problem to detect an onset of diabetes.

deep-neural-networks diabetes-prediction hyperparameter-tuning keras-tensorflow pyhton3

Last synced: 24 Dec 2024

https://github.com/nass59/dlnd_face_generation

Face generation using generative adversarial networks to generate new images

celeba cnns deep-learning deep-neural-networks face-generation gpu mnist python tensorflow udacity-deep-learning udacity-nanodegree

Last synced: 18 Dec 2024

https://github.com/denpalrius/football_analysis

Football match analysis using YOLO v8 and OpenCV

ai cnn computer-vision deep-neural-networks ml opencv yolo

Last synced: 10 Jan 2025

https://github.com/asaficontact/stack_classifier_project

We classified Stack Overflow Python questions from 2008-2016 with Natural Language Processing and Deep Learning. Using Regular Expressions, we removed HTML tags and punctuation. We also utilized spaCy to tokenize, lemmatize and remove stop words. Using Keras, we built a 4 layered artificial neural network with a 20% dropout rate using relu and softmax activation functions. We also utilized the adam optimizer and categorical cross-entropy loss function which classified 11 tags 88% successfully.

cross-entropy-loss deep-learning deep-neural-networks keras lemmatization neural-networks object-oriented-programming pandas python3 regular-expressions relu sklearn spacy spacy-nlp stackoverflow tfidf tokenization

Last synced: 22 Dec 2024

https://github.com/loaiabdalslam/s5nn.js

Neural Network Visualization Library Using Graph Rendering ( Sigma.js )

deep-learning deep-neural-networks machine-learning visualization

Last synced: 24 Dec 2024

https://github.com/alyssonmach/deploy-to-heroku-app

An interactive application to ... identify 🐱 in images (neural network of l-layers).

classification-model deep-neural-networks heroku-deployment python streamlit

Last synced: 24 Dec 2024

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

A deep-learning notebook to detect real or fake faces. Now comes with it's own PyPI module.

convolutional-neural-networks deep-learning deep-neural-networks image-classification

Last synced: 23 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/lnsp/ml-notebooks

A collection of machine learning notebooks created for learning purposes.

deep-learning deep-neural-networks machine-learning machine-learning-algorithms reinforcement-learning sklearn tensorflow

Last synced: 19 Dec 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/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/piero24/vanillanet-cpp

A fully connected Neural Network in C++ with SGD from scratch, achieving 98% accuracy on the MNIST dataset.

backpropagation cmake cpp deep-learning deep-neural-networks loss-functions neural-network neural-networks-from-scratch opencv softmax

Last synced: 19 Dec 2024

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/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/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/albertopirillo/anndl-challenges-2023

Collection of two projects applying Deep Neural Networks on real-world problems. The first one with CNNs for image recognition and the other with RNNs and 1D-CNNs for timeseries forecasting.

deep-neural-networks image-recognition timeseries-forecasting

Last synced: 01 Jan 2025

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

Experiments of 2D NeRF (Neural Radiance Fields)

deep-neural-networks nerf

Last synced: 14 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/rakibhhridoy/neuralstyletransfer-tensorflow

One of the curious outcome of data science revolution is neural style transfer where nst algorithm merge two images, content and style, creating a artistic image of content image. Here TensorFlow is used to process images and lastly used nst algorithm.

deep-learning deep-neural-networks machine-learning neural-style-transfer neuralstyletransfer nst python tensorflow

Last synced: 25 Dec 2024

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/parrondo/tutorial-lstm

Tutorial-LSTM: Project for testing LSTM time series forecasting. See notebooks for complete information

deep-learning deep-learning-tutorial deep-neural-networks lstm lstm-networks lstm-neural-network

Last synced: 01 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/hivana98/datascience-binaracademy

Data Analysis, Data Science, Machine & Deep Learning

data-science deep-learning deep-neural-networks machine-learning

Last synced: 17 Jan 2025

https://github.com/guoquan/dlexp

Scaffold codes for feedforward neural network and autoencoders.

deep-learning deep-neural-networks matlab

Last synced: 02 Jan 2025

https://github.com/guoquan/dlexp2

A framework for more flexible structure of neural networks with auto-differentiation.

auto-differentiation deep-learning deep-neural-networks matlab

Last synced: 02 Jan 2025

https://github.com/winter000boy/music-recommendation

This project implements a content-based recommendation system that analyzes song lyrics to find similar songs. It uses TF-IDF vectorization and cosine similarity to measure the semantic similarity between songs.

artificial-intelligence deep-neural-networks flask-application machine-learning neural-network python3 reinforcement-learning

Last synced: 26 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/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/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/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/sylvia-ai-lab/dr.-sylvia-s-ai--engineering-lab-codeshare

The code has explanations in YOUTUBE Ph.D.(c) Sylvia's AI & Engineering Lab Series 3 MATLAB — ideal for a quick start..

ai batterydegradation deep-neural-networks matlab

Last synced: 26 Jan 2025

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

A Theano implementation of Spectral Normalized GAN

deep-learning deep-neural-networks gan theano

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/justanhduc/improved-wgan

A Theano implementation of Improved WGAN

deep-learning deep-neural-networks gan

Last synced: 02 Jan 2025

https://github.com/d-kleine/deep-learning

Udacity Deep Learning Nanodegree notes and project solutions

deep-learning deep-neural-networks

Last synced: 23 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/a-yush/keras-databases

Implemented various deep learning problems of supervised learning using keras with tensorflow as backend .

computer-vision deep-neural-networks keras keras-implementations python3 supervised-machine-learning

Last synced: 26 Dec 2024

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/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/gauravcodepro/expression-neural-network

a deep neural expression based classifier demonstrated to fit a unbalanced dataset, expression datasets across the samples

deep-neural-networks deeplearning expression-evaluator machine-learning machine-learning-algorithms neural-network neural-networks

Last synced: 02 Jan 2025

https://github.com/kalfasyan/regular_irregular_shapeselectivity

Repository for my paper with title "Shape Selectivity of Middle Superior Temporal Sulcus Body Patch Neurons."

convolutional-neural-networks deep-neural-networks models neuroscience research-paper vision vision-science

Last synced: 17 Jan 2025