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/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/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/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/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/enheragu/mnist-learning-playground

Just repository with code to play MNIST dataset and different learning models

deep-learning deep-neural-networks mnist mnist-classification python pytorch

Last synced: 29 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: 11 Jan 2025

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/mithoon278/deepfake-video-detection-resnext-and-lstm-

This projects aims in detection of video deepfakes using deep learning techniques like RestNext and LSTM. We have achived deepfake detection by using transfer learning where the pretrained RestNext CNN is used to obtain a feature vector, further the LSTM layer is trained using the features.

deep-learning deep-neural-networks deepfake-detection flask-application lstm python resnext-50

Last synced: 27 Jan 2025

https://github.com/maosong2022/tinyneuralnetwork

A simply C++ implemented neural networks

cpp cpp17 deep-learning deep-neural-networks

Last synced: 22 Jan 2025

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/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/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/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/data-pioneer/mlops-name-entity-recognition-end-to-end-main

Implementation of MLops pipeline for Named Entity Recognition (NER) using pretrained Huggingface BERT transformer based model, further use CircleCI CI/CD tool for deployment on google cloud platform by using Docker image, Flask front end interface.

artifact-registry bert-fine-tuning circleci deep-neural-networks docker-image flask-application google-cloud huggingface-transformers pythin3

Last synced: 18 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/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/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/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/apozzi/convnetjs-extras

Builds on the core functionalities of convnetjs by adding more features and utilities that enhance the capabilities of neural network development and experimentation.

activation-functions convnetjs deep-learning deep-neural-networks loss-functions

Last synced: 27 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/lbp2563/glasses-detection-from-human-face-images

This project uses TensorFlow and Keras to develop a deep learning model for detecting glasses on human faces in images. It employs convolutional neural networks (CNNs) to classify images into "with glasses" and "without glasses" categories, offering a versatile tool for applications like facial recognition and virtual try-on experiences.

deep-neural-networks glass-detection keras keras-neural-network neural-network

Last synced: 21 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/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/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/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/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/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/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/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/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/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/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/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/shashwat9kumar/covid_face_mask_detection

Detecting whether a person in the picture has face mask on or not using a convolutional neural network

cnn covid19 deep-learning deep-neural-networks face-detection mask-detection tensorflow

Last synced: 12 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/techshot25/fashion-mnist-dnn

Testing the construction of deep neural nets (DNNs) on fashion MNIST dataset.

classification deep-neural-networks machine-learning-algorithms neural-network tensorflow tensorflow-experiments

Last synced: 21 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/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/zaquyn/tensorflow-developer-certificate-bootcamp

These notebooks contain many foundations in TensorFlow from to fundamental to NLP, Computer Vision and Time series

artificial-intelligence deep-learning deep-neural-networks tensorflow tensorflow-tutorials tensorflow2

Last synced: 21 Dec 2024

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/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/ashraf-khabar/bank-marketing-data-analysis

This project is focused on analyzing bank marketing data using PyTorch, pandas, numpy, and scikit-learn. The goal is to build a predictive model that can help identify potential customers who are more likely to subscribe to a bank's term deposit.

data-cleaning data-science data-visualization dataset deep-learning deep-neural-networks feedforward-neural-network learning neural-networks numpy pandas python pytorch sklearn

Last synced: 21 Jan 2025

https://github.com/abhaskumarsinha/1d-gan

A simple well-documented tutorial on implementing a 1D GAN on Keras using a Python Jupyter Notebook

deep-learning deep-neural-networks gan generative-adversarial-network keras keras-tensorflow python3 tensorflow2 tutorial

Last synced: 21 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/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/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/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/guiferviz/aidictive

Addictive Artificial Intelligence library! SOTA models made easy :)

artificial-intelligence deep-learning deep-neural-networks easy-to-use machine-learning

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