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

Implementation of CNN models(Resnet-34 and Resnet-50) to classify garbage images into 6 major categories for sustainable development and its disposability.

computer-vision deep-learning deep-neural-networks feature-engineering image-processing unstructured-data

Last synced: 01 Feb 2025

https://github.com/andredarcie/chatbot-tensorflow

Chatbot desenvolvido em Tensorflow para responder perguntas do Stackoverflow sobre Python

data-science deep-learning deep-neural-networks kaggle machine-learning python stackoverflow tensorflow text-mining

Last synced: 09 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/akashash01/artificial_neural_network

It is an network of neurons that make up a human brain, so that machine can able to learn things and make decision like humans. This deep learning model is more flexible for regression and classification problems(linear & non-linear), susceptible to overfitting.

data-science datavisualization deep-learning deep-neural-networks python

Last synced: 14 Dec 2024

https://github.com/aiaaee/california_housing

It's about California House value. the goal is find a great method to assemble reasonable train test based on MLP regression by using torch

data-science datasets deep-learning deep-neural-networks machine-learning machine-learning-algorithms python

Last synced: 23 Dec 2024

https://github.com/camara94/face_recognition

In this project, will learn the concept to implement face recognition problem.

deep-learning deep-neural-networks face-detection face-recognition machine-learning tensorflow2

Last synced: 23 Dec 2024

https://github.com/crispengari/ml-utils

💎 This repository contains some helper functions that helps you speed your machine learning code everyday. It also contains some useful basic knowledge about machine learning, it's behavior, how it started etc. It's a bag of machine learning things basically.

deep-learning deep-neural-networks machine-learning utils

Last synced: 16 Dec 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/crispengari/nmt

🎗 Neural Machine Translation (nmt) repository contains an end-to-end deep artificial neural network for machine translation and language identification based on south-african-languages.

api artificial-intelligence artificial-neural-networks datascience deep-learning deep-neural-networks flask graphql javascript json jupyter-notebook machine-learning natural-language-processing nlp nmt nueral-machine-translation python rest-api tweepy

Last synced: 16 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/akashash01/convolutional_neural_network

Is a deep neural network, most commonly applied to analyze visual images.

cnn-for-visual-recognition data-science deep-learning deep-neural-networks python

Last synced: 14 Dec 2024

https://github.com/mawadamhd/deep-learning-with-keras-and-tensorflow-course

This repository contains materials for Deep Learning with Keras and TensorFlow course. This includes Jupyter notebooks, datasets, assignments, and solutions .

deep-learning deep-neural-networks keras keras-tensorflow tensorflow

Last synced: 02 Feb 2025

https://github.com/vutrong826/yolov8-brain-tumor-segmentation

Brain tumor segmentation using YOLO architecture for fast and accurate detection.

cnn deep-learning deep-neural-networks python python3 segmentation tumor-segmentation yolov8 you-only-look-once

Last synced: 17 Dec 2024

https://github.com/asim-2000/kaggling

This repository contains source code of the kaggle competitions in which I participated

deep-learning deep-neural-networks kaggle-competition machine-learning reinforcement-learning

Last synced: 10 Jan 2025

https://github.com/heet9022/ye-kiski-tasweer-hai

A platform for training, labeling and retraining image classification models.

deep-neural-networks image-classification platform resnet

Last synced: 12 Dec 2024

https://github.com/tushard702/sentiment-analysis

Sentiment analysis is the automated process of understanding an opinion about a given subject from written or spoken language. Implemented using RNN

deep-neural-networks machine-learning python

Last synced: 01 Jan 2025

https://github.com/andersonjesusvital/speech-recognition-rnn

Deep learning-based subtitle generation model that processes audio datasets to generate accurate text transcriptions. Includes audio feature extraction, encoder-decoder architecture, training pipelines, and evaluation metrics for subtitle alignment.

deep-neural-networks dnn gated-recurrent-units gru lstm online-speech-recognition recurrent-neural-networks rnn rnn-tensorflow rnnt sequence-to-sequence speech-to-text tensorflow transformer-transducer

Last synced: 01 Feb 2025

https://github.com/malolm/educationnal-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: 13 Dec 2024

https://github.com/kowshik24/predictstock

🚀 StockSage: Predicting Tomorrow's Stocks, Today! 🌌 Dive deep into the future of stock prices with StockSage! Powered by LSTM networks, this repository is a treasure trove for those looking to explore the intricacies of stock price predictions. 📈✨ 🔗 Live App: https://stocksage.streamlit.app/

data-science data-visualization deep-neural-networks lstm stock-market streamlit tensorflow

Last synced: 13 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/saikat-roy/deep-convolutional-gan

DCGAN implemented as part of the Deep Learning for Computer Vision course at the University of Bonn (WS 2018/19)

dcgan deep-learning deep-neural-networks generative-adversarial-network

Last synced: 23 Dec 2024

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/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/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/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/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/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/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: 28 Jan 2025

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/suwadith/footy-predictor-football-match-prediction-tensorflow-fastapi-plugin

A Deep-Learning (Tensorflow) based project which can be used to predict weekly EPL match results. Uses FastAPI as the backend to feed the results to a Chrome based plugin which then modifies the SkySports website to convey the predicted outcomes.

api chrome-extension deep-learning deep-neural-networks fastapi football prediction tensorflow

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/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/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/prpriesler/covid19-insights-and-analytics

This project delves into the realm of data analytics and programming, focusing on four pivotal datasets related to the COVID-19 pandemic: confirmed global, death global, vaccination & population data, and Twitter data.

covid19 covid19-data data data-science dataanalytics deep-neural-networks machine-learning natural-language-processing

Last synced: 28 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/t-mohamed-shafeek/vgg16-for-malware-classification

This is a Research project which introduces an AI approach which is Deep Neural Networks in this case, to detect and classify different malwares belonging to various families represented as images.

classification cnn deep-learning deep-neural-networks fine-tuning hyperparameter-tuning malware-research supervised-learning transfer-learning vgg16

Last synced: 14 Dec 2024

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/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/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/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/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/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/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/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/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/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/arpan132002/fitness-tracker-using-smart-watches

This repository contains the code for a full machine learning project that tracks fitness activities. The project demonstrates the process of building a fitness tracker using Python and machine learning techniques

deep-neural-networks machine-learning outlier-detection

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