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/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: 14 Dec 2024

https://github.com/wa-lead/virtual_screnning_using_cnns

Using Chemception to predict the activity of molecules against aid_686978. Taking this further to visualize kernels decision process through Grad-CAM.

deep-neural-networks drug python tensorflow

Last synced: 28 Nov 2024

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

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/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/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/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: 28 Nov 2024

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

implementing a chatbot with tensorflow in python

deep-learning deep-neural-networks ia natural-language-processing python3

Last synced: 23 Nov 2024

https://github.com/rafaykhattak/captionify

With Captionify, users can upload an image or enter an image URL to generate a descriptive caption that accurately describes the contents of the image.

deep-neural-networks encoder-decoder-model gpt-2 transfer-learning transformer vision-transformer

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

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/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: 03 Dec 2024

https://github.com/abhiramdodda/two-stage-plant-diesease-detection

In this repo a two stage plant disease detection is introduced which reduces time required for training and gives greater accuracy.

deep-neural-networks efficientnet image-processing tensorflow

Last synced: 12 Nov 2024

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/amazon-science/contrastive_emc2

Code the ICML 2024 paper: "EMC^2: Efficient MCMC Negative Sampling for Contrastive Learning with Global Convergence"

contrastive-learning deep-neural-networks machine-learning machine-learning-algorithms mcmc-sampling multi-modal multi-modal-learning

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

https://github.com/m0saan/guitardetect

Deep Learning for Guitars 🎸: Guitar Classifier using CNN

cnn cnn-classification deep-neural-networks guitar-classifier

Last synced: 16 Nov 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/sadmansakib93/petals-to-the-metal-flower-classification-kaggle

This notebook is the solution for Kaggle's Petals to the Metal - Flower Classification on TPU challenge: https://www.kaggle.com/c/tpu-getting-started

artificial-intelligence classification deep-learning deep-neural-networks densenet flower-classification kaggle kaggle-competition kaggle-petals keras keras-neural-networks notebook tpu-challenge transfer-learning

Last synced: 12 Nov 2024

https://github.com/shaheennabi/deep-learning-practices-and-mini-projects

Welcome to Deep Learning & Math with Python! 🚀💥 Here, we blend code and theory to build deep learning algorithms from scratch and explore the math behind them. 🧠⚡ Whether you're just starting or a seasoned pro, this space is all about learning, experimenting, and creating AI magic together! 🔥🎆 Let's code, learn, and innovate!

activation-functions backpropagation calculus deep-learning deep-neural-networks linear-algebra maths-behind-neural-network opencv pytorch tensorflow

Last synced: 14 Nov 2024

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/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/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/abdullah2020/hamoye_staged

This is my Stage_D Hamoye Internship project. The project focuses strongly in developing CNN Deep Learning algorithm model that would analysis huge image dataset.

cnn-model deep deep-neural-networks image-classification

Last synced: 04 Dec 2024

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/j3-signalroom/j3-ml_ai-education_experiences

Some of the project notebooks I built during my deepatlas.ai well-rounded education program.

artificial-intelligence artificial-neural-networks deep-learning deep-neural-networks machine-learning

Last synced: 14 Dec 2024

https://github.com/barbarpotato/deeplearning.ai-tensorflow-developer-professional-certificate

TensorFlow Developer Professional Certificate program teaches you applied machine learning skills with TensorFlow so you can build and train powerful models.

convolutional-neural-networks deep-learning deep-neural-networks natural-language-processing neural-network tensorflow tensorflow2 time-series

Last synced: 12 Nov 2024

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/barbarpotato/sentiment-analysis-bangkit-capstone-project

This Project was from Bangkit Capstone Project, the goal from this repository, is to built the sentiment analysis to classified the sentence is it the positive or the negative sentiment about the specific event organizer review.

deep-learning deep-neural-networks h5 natural-language-processing sentiment-analysis tflite-models

Last synced: 12 Nov 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/ddubeyyy/caption_generator

An AI-powered image caption generator using deep learning techniques to automatically generate descriptive captions for images. Utilizes CNNs for feature extraction and RNNs for sequence prediction.

cnn deep-neural-networks keras-tensorflow nlp-machine-learning rnn-tensorflow tensorflow vgg16

Last synced: 05 Dec 2024

https://github.com/celiabenquet/iaprproject

Image Analysis and Pattern Recognition

deep-neural-networks image-recognition

Last synced: 03 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/volf52/deep-neural-net

A simple deep neural net class written to work with Numpy and Cupy

binarized-neural-networks binary-neural-networks bnn cupy deep-learning deep-neural-networks mnist numpy python python3

Last synced: 05 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: 05 Dec 2024

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/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: 14 Dec 2024

https://github.com/kaocc/nerf_2d

Experiments of 2D NeRF (Neural Radiance Fields)

deep-neural-networks nerf

Last synced: 14 Nov 2024

https://github.com/mahendran-narayanan/double-vit

[ICPR 2024] DoubleViT Pushing transformers towards the end because of convolutions

deep-learning deep-neural-networks icpr2024 pytorch tensorflow

Last synced: 21 Dec 2024

https://github.com/cseas/image-classifier

Deep Neural Network Classifier to recognise images based on custom training classes.

classify-images deep-learning deep-neural-networks image-classifier python python3 tensorboard tensorflow

Last synced: 27 Dec 2024

https://github.com/protyayofficial/imagecolorization

This project utilizes GANs for converting grayscale images to color, leveraging deep learning models to enhance colorization accuracy. It features customizable training pipelines, evaluation metrics, and supports further improvements with new models and techniques.

convolutional-neural-networks deep-learning deep-neural-networks generative-adversarial-network image-colorization image-generation pytorch

Last synced: 21 Dec 2024

https://github.com/george-nyamao/keras-cnn-mnist-tuning

This repository illustrates model tuning using the Keras MNIST dataset with CNN.

convolutional-neural-networks deep-learning deep-neural-networks keras-tensorflow mnist-dataset

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

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/yash-rewalia/emotion_detection_cnn_deep_learning

This project focuses on emotion detection using Convolutional Neural Networks (CNN), implementing and comparing four models: a custom CNN, a custom CNN with data augmentation, VGG16, and ResNet50v2 for accurate emotion recognition from images.

deep-learning deep-neural-networks emotion-detection keras machine-learning python tensorflow

Last synced: 21 Dec 2024

https://github.com/shivamgupta92/retinacare_by_team_bigfootisreal

Diabetic Retinopathy Predictor System, a Django-based web app, uses machine learning to assess diabetic retinopathy risk. Input your health data and get results within seconds: Ranging from ['Mild', 'Moderate', 'Severe', 'No_DR']

cnn-keras css3 deep-neural-networks diabetic-retinopathy-detection flask html5 inception-resnet-v2 javascript tensorflow

Last synced: 12 Nov 2024