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

https://github.com/ahammadmejbah/fundamental-concepts-and-architectures-of-neural-network

Neural Networks are a set of algorithms, modeled loosely after the human brain, designed to recognize patterns. They interpret sensory data through a kind of machine perception, labeling, and clustering of raw input.

deep-learning deep-learning-algorithms deep-neural-networks deep-reinforcement-learning

Last synced: 09 Jan 2025

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/rishikesh-jadhav/robot-learning

This repository contains my solutions and code submissions for assignments and projects completed as part of ENPM690 during Spring 2024. Each assignment is organized in its own folder, with accompanying documentation and any necessary resources.

computer-vision deep-learning deep-neural-networks imitation-learning machine-learning reinforcement-learning robotics

Last synced: 22 Jan 2025

https://github.com/apal21/tensorflow-pima-indians-dataset-classification

Pima Indians Dataset classification using Tensorflow Linear Classifier and DNN Classifier.

classification deep-neural-networks kaggle linear-classifier pandas pima-indians-dataset scikit-learn tensorflow

Last synced: 31 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/hayatiyrtgl/lstm_time_seriesv2

The code downloads Microsoft stock data, preprocesses it, builds and trains a deep learning model, and visualizes predictions.

analyzer deep-learning deep-neural-networks forecasting lstm pandas python time-series

Last synced: 22 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/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/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/pegah-ardehkhani/predictive-maintenance-using-ml

A machine learning project for predictive maintenance, designed to forecast equipment failures and optimize maintenance schedules to reduce downtime and operational costs

adaboost decision-tree deep-learning deep-neural-networks feature-importance knn logistic-regression machine-learning machine-learning-algorithms matplotlib numpy pandas plotly predictive-maintenance random-forest seaborn sklearn stacking svm tensorflow

Last synced: 18 Jan 2025

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/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/vutrong826/yolov8-tumor-segmentation

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

deep-learning deep-neural-networks python pytorch segmentation tensorflow tumor-segmentation yolo yolov8 you-only-look-once

Last synced: 23 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/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/ivanrj7j/super-cars-vs-suvs

This is a deep neural network that looks at an images of cars and then classify them as suv and supercars

cnn deep-learning deep-neural-networks image-classification machine-learning

Last synced: 22 Dec 2024

https://github.com/sreecharanv/generating-realistic-and-diverse-textual-movie-reviews-with-imdb-dataset-leveraging-deep-learning

This project uses GPT-2 to generate realistic movie reviews from the IMDb dataset. By preprocessing data and fine-tuning the model, we achieved human-like text quality. The model's reviews were evaluated for coherence and diversity, showcasing GPT-2's potential in automated text generation.

deep-learning deep-neural-networks gpt-2 large-language-models machine-learning movie-reviews natural-language-processing text-generation

Last synced: 30 Nov 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/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/harikishan-ai/harikishan-ai

I am dedicated to delivering innovative solutions that align with business objectives while ensuring optimal performance, reliability, and security. My strong analytical skills, attention to detail, and problem-solving abilities drive me to create effective and efficient solutions.

analystics automation aws-ec2 aws-lambda aws-s3 awsglue cnn deep-neural-networks logs lstm machine-learning oops-in-python powerbi python rnn transformers

Last synced: 25 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/mawadamhd/deep-learning-with-keras-and-tensorflow-course

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

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

Last synced: 07 Dec 2024

https://github.com/gkouros/cs231n-spring2018-assignments

Spring 2018 Assignments for the "Convolutional Neural Networks for Visual Recognition (cs231n)" course from Stanford University

cnn-for-visual-recognition deep-learning deep-neural-networks generative-adversarial-networks lstm-neural-networks recurrent-neural-networks stanford-cs231n

Last synced: 01 Dec 2024

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/aryanjain28/blog---linear-regression

My first blog explains the concepts of linear regression that are the first steps towards advanced ML/AI.

blog blogs deep-learning deep-learning-blog deep-neural-networks deeplearning linear-regression linear-regression-blog machine-learning machine-learning-blogs ml-blog

Last synced: 01 Dec 2024

https://github.com/aryanjain28/blog---r-cnn-fast-r-cnn-faster-r-cnn

Easy explanation on different object detection approaches like - R-CNN, Fast R-CNN, and Faster R-CNN.

blog blogs deep-learning deep-neural-networks deeplearning fast-r-cnn faster-rcnn machine-learning machine-learning-algorithms r-cnn

Last synced: 01 Dec 2024

https://github.com/ahmad-ali-rafique/batch-card-detection-app

A deep learning-based Streamlit app to detect if a person is wearing a batch card, built with TensorFlow. Includes trained model, app interface, and deployment guide.

ai artificial-intelligence carddetection deep-neural-networks streamlit-dashboard tensorflow

Last synced: 15 Dec 2024

https://github.com/margaretkhendre/nonprofit-funding-vs-deep-learning-challenge

In this repository, Google Colab is paired with neural networks and deep learning to examine data from the nonprofit, Alphabet Soup. This nonprofit desires a tool that can help it select applicants for funding, so a binary classifier will be created to predict whether applicants will be successful if funded by Alphabet Soup.

colab-notebook deep-neural-networks deeplearning jupyter-notebook neural-networks pandas standardscaler tensorflow

Last synced: 09 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/raufjatoi/handwritten-character-recognition

Handwritten character recognition system that can recognize various handwritten characters or alphabets. I will extend this to recognize entire words or sentences.

deep-learning deep-neural-networks machine-learning mnist-handwriting-recognition

Last synced: 25 Jan 2025

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

This project is a sentiment analysis model built to classify IMDB movie reviews as either positive or negative using the **IMDB dataset**. It uses various machine learning models and deep learning techniques to handle the text data.

challenge deep-learning deep-neural-networks lstm-neural-networks model-accuracy nlp nlp-datasets nlp-machine-learning polarity-integration proficient rqs score sentiment-analysis sentiment-classification

Last synced: 01 Dec 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/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/jkevin2010/deep-learning-and-early-dementia-detection

Development of new interpretable deep learning frameworks for the early detection of Alzheimer's Disease and Related Dementias (ADRD)

alzheimer-disease-prediction chaos-theory deep-neural-networks dementia-detection

Last synced: 15 Dec 2024

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/zara5961/deep-learning-challenge

This project focuses on building and optimizing a deep learning neural network to predict the success of applicants funded by Alphabet Soup Charity.

deep-machine-learning deep-neural-networks python skicit-learn tensorflow

Last synced: 23 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/coreyjs/bike-sharing-neural-network

Part of Udacity's deep learning program. This is a simple neural network to predict bike ridership trends.

deep-learning deep-neural-networks machine-learning machinelearning ml neural-network neural-networks python udacity

Last synced: 22 Dec 2024

https://github.com/coreyjs/dog-breed-classifier

A transfer learning neural network to classify dog breeds.

classification deep-learning deep-neural-networks machine-learning ml

Last synced: 22 Dec 2024

https://github.com/stifler7/rl-for-game-ai

Game Artificial Intelligence with Reinforcement Learning This project provides experience in applying techniques of RL to game artificial intelligence. It shall demonstrate several RL algorithms- specifically Q-learning and deep Q-networks (DQN)- to game environments.

deep-learning deep-neural-networks deep-reinforcement-learning machine-learning

Last synced: 01 Dec 2024

https://github.com/gilbertocunha/lip-hepmetalearning

A repository that applies the Meta-SGD algorithm to High Energy Physics in Signal vs Background classification and studies the applicability of such methods.

deep-neural-networks hep metalearning

Last synced: 02 Dec 2024

https://github.com/gilbertocunha/lhc-vlq-classifier

A Deep Learning Neural Network that classifies Vector Like Quarks from background events using generated collider data

deep-neural-networks monte-carlo-dropout particle-physics quarks

Last synced: 02 Dec 2024

https://github.com/kartikchugh/deepneuralnetworks

A Java library for building, training, and testing deep learning neural networks

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

Last synced: 15 Dec 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/frgfm/pytorch-mnist

Implementation of various basic architectures (training on MNIST, Visdom visualization)

computer-vision deep-learning deep-neural-networks lenet mnist python3 pytorch pytorch-cnn visdom

Last synced: 29 Dec 2024

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/kartikchugh/neural-energy

Deep Neural Networks applied to representations of potential energy surfaces

deep-learning deep-neural-networks materials-science potential-energy-surfaces

Last synced: 15 Dec 2024

https://github.com/vidhi1290/cyclegan-implementation-for-image-to-image-translation

🖼️ Our CycleGAN Implementation for Image-to-Image Translation project leverages PyTorch to seamlessly transform images between domains, all without paired examples. With a keen focus on innovation and effectiveness, we've explored CycleGAN's capabilities across various domains. Join us as we delve into the world of image translation technology! 🚀

artificial-intelligence cycle-gan deep-learning deep-neural-networks gan github-config machine-learning numpy pillow python pytorch torchvision unsupervised-learning

Last synced: 08 Dec 2024

https://github.com/blacksujit/deep-learning-specialization-repo

This repo contains the neural networks learning's with tensorflow with all the high level deep learning concepts i am learning with project implementation

deep deep-layers deep-learning deep-neural-networks embeddings-word2vec llvm network-embeddings neural-network transformers-layers transformers-models vision-language-model

Last synced: 15 Dec 2024

https://github.com/ssinad/evolution-strategies-tensorflow

Using evolution strategies as Non-differentiable loss function in a neural network

convolutional-neural-networks deep-learning deep-neural-networks

Last synced: 02 Dec 2024

https://github.com/arssite/dirty-cleanflooringimageprocessingusingyolov5

Uses YOLOv5 to classify floor cleanliness into five categories based on visual cues. It includes an annotated dataset, trained model,& evaluation outputs. Code covers data preprocessing, training, & testing. A comparative analysis highlights YOLOv5's advantages over traditional methods, providing an efficient solution automated floor cleanliness.

deep-neural-networks github google-colab jupyter-notebook labelimg matplotlib-pyplot numpy-library opencv-python pandas-python pytorch scikit-learn tensorflow yolov5

Last synced: 05 Dec 2024