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/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/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/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/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/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/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/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/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/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/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/gosuto-inzasheru/aml-densenet-varying-learning-rates

Re-training the deep neural network DenseNet using various learning rate strategies. Entry for the Food Recognition Challenge for the Master's course Applied Machine Learning.

cyclical-learning-rate deep-neural-networks densenet image-classification learning-rate-benchmarking learning-rate-decay

Last synced: 14 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/dansolombrino/biscuits

A set of experiments inspired by the paper "Training BatchNorm and Only BatchNorm: On the Expressive Power of Random Features in CNNs" by Jonathan Frankle, David J. Schwab, Ari S. Morcos

batchnorm cnn cnns convolutional-neural-networks deep-learning deep-neural-networks resnet resnets

Last synced: 14 Dec 2024

https://github.com/dansolombrino/creactive

A set of experiments on Deep Neural Networks activation functions

activation-functions deep-learning deep-neural-networks nonlinear-optimization

Last synced: 14 Dec 2024

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/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/saadarazzaq/custom-neural-networks

Perceptron, Multiclass and Deep Neural Network Implemented All in One Repo ✨

deep-neural-networks keras numpy perceptron python scikit-learn tensorflow

Last synced: 23 Nov 2024

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/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/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/yannick-kees/mlp

Build MLP from scratch only using Numpy. Able to perform simple supervised learning problems in any dimension and with variable layer configurations. It can also be used for Auto-Encoder problems.

autoencoder deep-learning deep-neural-networks mlp numpy-tutorial

Last synced: 23 Nov 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/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/gyselle-marques/neural-network-mnist

Implementação em Python de uma rede neural de Deep Learning para reconhecimento de dígitos.

deep-learning deep-neural-networks machine-learning neural-network portuguese-brazilian python

Last synced: 13 Jan 2025

https://github.com/mohammad95labbaf/lung-segmentation

The preparation for the Lung X-Ray Mask Segmentation project included the use of augmentation methods like flipping to improve the dataset, along with measures to ensure data uniformity and quality. The model architecture was explored with two types of ResNets: the traditional CNN layers and Depthwise Separable.

chest-xray-images chest-xrays cnn cnn-keras convolutional-neural-networks deep-learning deep-neural-networks deeplearning depthwise-separable-convolutions depthwiseseparableconvolution lung-disease lung-segmentation segment segmentation x-ray-images

Last synced: 13 Jan 2025

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: 29 Nov 2024

https://github.com/wielkadraka/lunar-landing-q-learing

AI playing Lunar Landing from python gymnasium library

deep-neural-networks deep-q-learning lunar-lander python3

Last synced: 11 Jan 2025

https://github.com/venkat-a/text_processing_rnn_lstm

Text Processing RNN leverages RNN and LSTM models for advanced text processing. It features deep learning techniques for NLP tasks, utilizing GloVe for word embeddings, aimed at both educational and practical applications.

categorical-encoding deep-neural-networks embedding-vectors lstm-neural-networks model-evaluation-and-tuning nltk-tokenizer numpy-arrays pandas-dataframe pytorch-nlp rnn-encoder-decoder tokenization vocabulary-builder

Last synced: 08 Jan 2025

https://github.com/piero24/lossfuncition-4sn

This research will show an innovative method useful in the segmentation of polyps during the screening phases of colonoscopies. To do this we have adopted a new approach which consists in merging the hybrid semantic network (HSNet) architecture model with the Reagion-wise(RW) as a loss function for the backpropagation process.

dataset deep-learning deep-neural-networks loss loss-functions matplotlib neural-network numpy opencv polyp-detection polyp-segmentation python python3 pytorch segmentation segmentation-models torchvision transformers unipd unipd-dei

Last synced: 08 Jan 2025

https://github.com/sloppycoder/coursera_tf_in_practice

Notebook for Coursera Tensorflow in Practices courses

deep-learning deep-neural-networks python tensorflow

Last synced: 11 Jan 2025

https://github.com/atharvapathak/hand_gesture_recognition_case_study

This project involves building a 3D Convolutional Neural Network (CNN) to correctly recognize hand gestures by a user to control a smart TV using 3D-CNN and 2D-CNN + RNN/LSTM/GRU.

cnn deep-neural-networks gesture-recognition machine-learning palm-detection python pytorch resnet tensorflow video-processing

Last synced: 15 Jan 2025

https://github.com/mwanginjuguna/deeplearning-with-fast-ai

Exploring Deep Learning on Kaggle.com. Mainly through the eyes of Practical deep learning for coders with Jeremy Howard on fast.ai

deep-neural-networks fastai ml pytorch

Last synced: 13 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/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: 29 Nov 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/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/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/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/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/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/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/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/sebukpor/breast-cancer-classification

this model classifies breast cancer as either benign or malignant

deep-learning deep-neural-networks tensorflow tensorflowjs

Last synced: 22 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/architgargpro/emotiondetector

This Machine Learning project aims to classify the emotion on a person's face into one of four categories, using deep convolutional neural networks.

cnn-keras deep-neural-networks keras-tensorflow machine-learning python

Last synced: 19 Nov 2024

https://github.com/himudigonda/digits-recognition

This project uses ML and keras modules to recognise digits from the given dataset.

deep-learning deep-neural-networks digit-recognizer jupyter-notebook keras tensorflow

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

A collection of utilities useful to debug deep-networks trained with Caffe Deep Learning Framework. This utilities can also be used to convert caffe networks into jAER xml format

deep-learning deep-neural-networks machine-vision sensors

Last synced: 19 Nov 2024

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

Repository for my paper with title "Shape Selectivity of Middle Superior Temporal Sulcus Body Patch Neurons."

convolutional-neural-networks deep-neural-networks models neuroscience research-paper vision vision-science

Last synced: 17 Nov 2024

https://github.com/rahulbhoyar1995/ner-case-study

This repositiry contains the code for Case study of "Named-Entity Recognition" in Natural Language Processing.

deep-neural-networks natural-language-processing ner

Last synced: 15 Nov 2024

https://github.com/rahulbhoyar1995/coursera-ml-specialisation-certification

Explore my journey through the Coursera Machine Learning Specialization with this repository. Access practice materials, code implementations, and learning notes to enhance your understanding of machine learning concepts.

deep-learning deep-neural-networks machine-learning machine-learning-algorithms python3 reinforcement-learning-algorithms supervised-learning unsupervised-learning

Last synced: 15 Nov 2024

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: 15 Nov 2024