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

In this repo, a clean and efficient implementation of Fully-Connected or Dense Autoencoder is provided. The code alongside the video content are created for Machine Learning course instructed at Khajeh Nasir Toosi University of Technology (KNTU).

autoencoder autoencoder-neural-network autoencoders deep-learning deep-neural-networks machine-learning

Last synced: 20 Jan 2025

https://github.com/ardawanism/convmixer-patches-are-all-you-need

In this repository, a very informative and comprehensive implementation of ConvMixer architecture is provided for educational purposes using PyTorch.

cnns computer-vision convmixer convolutional-neural-networks deep-learning deep-neural-networks machinevision

Last synced: 20 Jan 2025

https://github.com/ardawanism/mlp-mixer-an-all-mlp-architecture-for-vision

In this repository, a very informative and comprehensive implementation of MLP-Mixer is provided for educational purposes using PyTorch.

computer-vision deep-learning deep-neural-networks fully-connected-network machinevision mlp mlp-mixer

Last synced: 20 Jan 2025

https://github.com/nightmachinery/mlp_from_scratch

A simple MLP using only numpy. The computational graph is not automatically tracked, but the network supports arbitrarily many batch axes.

deep-learning deep-neural-networks deeplearning educational mlp mlp-classifier mlp-networks numpy

Last synced: 31 Dec 2024

https://github.com/ardawanism/a-tour-of-pytorch

In this repo, an introductory tutorial on PyTorch is provided. You can learn about the basics of PyTorch alongside defining and training deep neural networks consisting of different layer types such as fully-connected, convolutional, and etc.

convolutional-neural-networks deep-learning deep-neural-networks deeplearning multilayer-perceptron neural-network neural-networks pytorch pytorch-tutorial

Last synced: 10 Oct 2024

https://github.com/chengetanaim/customer-churn-prediction

Customer churn is the loss of customers or subscribers for any reason at all. In this project I was predicting customer churn using artificial neural networks.

artificial-neural-networks deep-learning deep-neural-networks keras machine-learning pandas pandas-dataframe tensorflow2

Last synced: 23 Dec 2024

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/grascya/forecasting-electricity-by-hour-rnn-vs-lstm

Explore the Production and Consumption of Electricity produced by different types of energy sources and build an RNN and LSTM to forecast them

deep-neural-networks electricity keras lstm-neural-networks rnn-model tensorflow2

Last synced: 10 Oct 2024

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

Neural Networks Visualization : Activation Maps, Adversarial examples...

adversarial-example class-visualization deep-neural-networks pytorch

Last synced: 13 Jan 2025

https://github.com/zakircodearchitect/flight-intent-classifier

This project uses a Bidirectional LSTM model to classify flight-related queries into 8 intents. Trained on the ATIS dataset, it achieved 97% test accuracy and is ideal for travel-related chatbots.

atis-dataset deep-neural-networks intent-classification neural-network

Last synced: 29 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/shamiul5201/healthcare_ai

Brain Tumor Detection and Localization Using Resnet and ResUnet in Healthcare

deep-neural-networks image-segmentation python-3 u-net

Last synced: 02 Feb 2025

https://github.com/tariqdaouda/abyme

Fractals for Deep and Sophisticated (Training) Loops

deep-learning deep-neural-networks deeplearning

Last synced: 01 Jan 2025

https://github.com/jofaval/mnist

Computer Vision with Neural Networks for handwritten digits recognition in 1998

classification computer-vision data-science deep-learning deep-neural-networks google-colab keras matplotlib pyspark python pytorch seaborn spark tensorflow

Last synced: 09 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/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/celiabenquet/iaprproject

Image Analysis and Pattern Recognition

deep-neural-networks image-recognition

Last synced: 03 Jan 2025

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

A model which take an image of a hand making a sign (paper, scissor, rock) and detect which sign it is, improvement to come

artificial-neural-networks cnn-classification deep-neural-networks ia python3 tensorflow-tutorials

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

pytorch wrapper for easier experimentation

deep-learning deep-neural-networks pytorch

Last synced: 21 Jan 2025

https://github.com/nazir20/gender-classification-using-mfcc-with-lstm-model

Gender classification from audio signals is an important task with various applications, such as speech recognition systems, voice assistants, and speaker verification. This project aims to demonstrate how to use Mel Frequency Cepstral Coefficients as features and a Long Short-Term Memory (LSTM) neural network for gender classification.

audio-processing deep-learning deep-neural-networks gender-classification lstm lstm-neural-networks mfcc mfcc-extractor neural-networks

Last synced: 27 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/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/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/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/kaocc/nerf_2d

Experiments of 2D NeRF (Neural Radiance Fields)

deep-neural-networks nerf

Last synced: 14 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/jotstolu/training-machine-learning-models-for-weed-classification

This project involves training different machine learning-based classifiers using image processing techniques to accurately classify two weed classes: charlock and cleavers.This Image classification task focuses on Four Main things: 1)Image Preparation and Pre-processing 2)Feature Extraction 3)Model Training 4)Model Evaluation and Analysis

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

Last synced: 26 Jan 2025

https://github.com/donggeunyu/deep-learning-examples

Deep Learning의 μ—¬λŸ¬ 예제λ₯Ό μ •λ¦¬ν•œ 것!

deep-learning deep-learning-tutorial deep-neural-networks deeplearning python

Last synced: 16 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/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/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/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: 01 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/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/ka-sarthak/mm-generator

DL models for generating stress fields in microstructures

deep-neural-networks fourier-ne generative-adversarial-network surrogate-modelling

Last synced: 27 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/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/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/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/privatepeople/machinelearning-deeplearning

λ¨Έμ‹ λŸ¬λ‹κ³Ό λ”₯λŸ¬λ‹ 곡뢀λ₯Ό μœ„ν•œ μ €μž₯μ†Œ

deep-learning deep-neural-networks deeplearning dl machine-learning machinelearning ml numpy pandas python scipy tensorflow

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