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/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/rssr25/machine-learning

All the machine learning stuff that I do will be here. Mainly python programs.

andrew-ng-course coursera deep-learning deep-neural-networks deeplearning-ai machine-learning neural-network resnet yolo

Last synced: 24 Dec 2024

https://github.com/sonu275981/social_network_ads

Artificial neural networks Model for predicting the key audiences to show ads in a social network.

ads artificial-neural-networks deep-neural-networks python3

Last synced: 24 Dec 2024

https://github.com/sonu275981/handwritten-digit-recognition-mnist

This is a machine learning model that classifies digits from 0-9 from handwritten digits.

deep-neural-networks keras mnist-classification mnist-handwriting-recognition opencv python tensorflow

Last synced: 24 Dec 2024

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/hackintoshrao/blog-posts

Markdown of my blog posts at medium.com/@hackintoshrao and hackintoshrao.com

artificial-intelligence deep-learning deep-neural-networks technical-writing

Last synced: 12 Jan 2025

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

Contains assignments of EPAi course from The School of AI (https://theschoolof.ai/)

deep-neural-networks python pytorch

Last synced: 12 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/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/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/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/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/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/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/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/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/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/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/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/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: 15 Nov 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/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/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/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 Nov 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/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/d-kleine/deep-learning

Udacity Deep Learning Nanodegree notes and project solutions

deep-learning deep-neural-networks

Last synced: 01 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/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/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/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/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 Nov 2024

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

A Theano implementation of Spectral Normalized GAN

deep-learning deep-neural-networks gan theano

Last synced: 02 Jan 2025

https://github.com/sanchariii/cifar-10-object-recognition-using-resnet50

CIFAR-10 dataset has 60,000 32x32 rgb images and those images are recognized using ResNet50 deep learning model with an accuracy of 71%.

colab-notebook deep-neural-networks neural-networks resnet-50

Last synced: 12 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/justanhduc/improved-wgan

A Theano implementation of Improved WGAN

deep-learning deep-neural-networks gan

Last synced: 02 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/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