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/rakibhhridoy/easywaydiveinto-datascience

Data Science is not as easy as it seems at first. The most problem faced by new learner are lack of resource knowledge as well as confusion in using the various resources. I hope this repository will benefit confusion learner.

algorithms algorithms-implemented bayesian-statistics data-science deep-learning deep-neural-networks linear-algebra machine-learning matplotlib multivariate-calculus numpy optimization pandas python scikit-learn scipy seaborn statistics statsmodels tensorflow

Last synced: 25 Dec 2024

https://github.com/sreeeswaran/text-generation-using-t5

This project demonstrates the use of Transformers for text generation using the T5 model. The project includes the necessary code for training the model on a custom dataset and generating new text.

ai artificial-intelligence artificial-neural-networks deep-learning deep-neural-networks neural-networks t5 t5-model text-generation text-generation-using-t5 text-to-text text-to-text-generation text-to-text-transfer-transformer text-to-text-transformer tranformers

Last synced: 22 Nov 2024

https://github.com/sreeeswaran/nst-for-artistic-image-creation

This project focuses on Neural Style Transfer (NST), a technique that applies the style of one image to the content of another image, creating a new, stylized image. NST leverages deep learning models, particularly Convolutional Neural Networks (CNNs), to extract and combine the content and style features of images.

artificial-intelligence artificial-neural-networks cnn cnn-model convolutional-neural-networks deep-learning deep-neural-networks image-generation machine-learning models neural-networks neural-style-transfer nst

Last synced: 22 Nov 2024

https://github.com/kinginthenorth001/rice_leaf_disase_detection

A CNN Model that can predict these 4 (['Bacterialblight', 'Blast', 'Brownspot', 'Tungro']) Rice leaf diseases.

cnn-classification deep-learning deep-neural-networks image-processing keras-neural-networks tensorflow

Last synced: 21 Nov 2024

https://github.com/poodarchu/models.tf

papers implementation during learning dl and tensorflow.

deep-neural-networks tensorflow transfer-learning

Last synced: 30 Nov 2024

https://github.com/olitheolix/ds2data

Space Sim Inspired Data Set for Machine Learning Purposes

3d-models deep-learning deep-neural-networks machine-learning space-sim tensorflow

Last synced: 02 Jan 2025

https://github.com/rambodrahmani/deep-learning

Final project for the Computational Intelligence and Deep Learning course at University of Pisa.

convolutional-neural-networks deep-learning deep-neural-networks keras keras-neural-networks keras-tensorflow point-cloud pointcloud pointclouds tensorflow2

Last synced: 29 Dec 2024

https://github.com/sergio11/breast_cancer_diagnosis_mlp

πŸ©ΊπŸ”¬ MLP-based Breast Cancer Diagnosis: Predicts tumor malignancy from image features, aiding in early detection. πŸ“ŠπŸ€–

deep-learning deep-neural-networks machine-learning mlp-classifier mlp-networks numpy sklearn sklearn-classify

Last synced: 14 Dec 2024

https://github.com/wodenwang820118/music_genre_multiclass_classification

The multiclass classification sometimes gets poor results. The repository attempts to use comet_ml to grid search and find the best hyperparameters and concatenate different models for training a better model. The goal is to classify the music genres.

deep-learning deep-neural-networks machine-learning multiclass-classification music-genre-classification

Last synced: 12 Nov 2024

https://github.com/daelsepara/deeplearningcpp

C++ Implementation of Machine Learning Toolbox (deep neural networks and convolutional neural networks)

convolutional-neural-networks deep-neural-networks machine-learning-toolbox

Last synced: 29 Dec 2024

https://github.com/justanhduc/spatial-transformer-network

A Theano implementation of the paper "Spatial Transformer Networks" by Jaderberg et al..

computer-vision deep-learning deep-neural-networks spatial-transformer-network theano

Last synced: 02 Jan 2025

https://github.com/justanhduc/multar

The official implementation of the ICASSP paper "A simple way of multimodal and arbitrary style transfer"

deep-learning deep-neural-networks python style-transfer theano

Last synced: 02 Jan 2025

https://github.com/ashkarin/ndpatch

Package to extract arbitrary regions from an N-dimensional numpy array assuming it mirrored infinitely.

array data-structures deep-neural-networks image-processing numpy patches region-of-interest

Last synced: 04 Dec 2024

https://github.com/sonu275981/face-mask-detector

Face Mask Detection system based on computer vision and deep learning using OpenCV and TensorFlow/Keras

cnn-keras computer-vision convolutional-neural-networks covid-19 deep-learning deep-neural-networks face-mask-detection face-mask-detector opencv python

Last synced: 24 Dec 2024

https://github.com/sonu275981/diabetes_by-using-keras-hyperparameter

A simple neural network using Keras-hyperparameter and Python to solve a binary classification problem to detect an onset of diabetes.

deep-neural-networks diabetes-prediction hyperparameter-tuning keras-tensorflow pyhton3

Last synced: 24 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/nass59/dlnd_face_generation

Face generation using generative adversarial networks to generate new images

celeba cnns deep-learning deep-neural-networks face-generation gpu mnist python tensorflow udacity-deep-learning udacity-nanodegree

Last synced: 18 Dec 2024

https://github.com/loaiabdalslam/s5nn.js

Neural Network Visualization Library Using Graph Rendering ( Sigma.js )

deep-learning deep-neural-networks machine-learning visualization

Last synced: 24 Dec 2024

https://github.com/alyssonmach/deploy-to-heroku-app

An interactive application to ... identify 🐱 in images (neural network of l-layers).

classification-model deep-neural-networks heroku-deployment python streamlit

Last synced: 24 Dec 2024

https://github.com/lnsp/ml-notebooks

A collection of machine learning notebooks created for learning purposes.

deep-learning deep-neural-networks machine-learning machine-learning-algorithms reinforcement-learning sklearn tensorflow

Last synced: 19 Dec 2024

https://github.com/piero24/vanillanet-cpp

A fully connected Neural Network in C++ with SGD from scratch, achieving 98% accuracy on the MNIST dataset.

backpropagation cmake cpp deep-learning deep-neural-networks loss-functions neural-network neural-networks-from-scratch opencv softmax

Last synced: 19 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/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/albertopirillo/anndl-challenges-2023

Collection of two projects applying Deep Neural Networks on real-world problems. The first one with CNNs for image recognition and the other with RNNs and 1D-CNNs for timeseries forecasting.

deep-neural-networks image-recognition timeseries-forecasting

Last synced: 01 Jan 2025

https://github.com/d-kleine/deep-learning

Udacity Deep Learning Nanodegree notes and project solutions

deep-learning deep-neural-networks

Last synced: 01 Jan 2025

https://github.com/rakibhhridoy/neuralstyletransfer-tensorflow

One of the curious outcome of data science revolution is neural style transfer where nst algorithm merge two images, content and style, creating a artistic image of content image. Here TensorFlow is used to process images and lastly used nst algorithm.

deep-learning deep-neural-networks machine-learning neural-style-transfer neuralstyletransfer nst python tensorflow

Last synced: 25 Dec 2024

https://github.com/parrondo/tutorial-lstm

Tutorial-LSTM: Project for testing LSTM time series forecasting. See notebooks for complete information

deep-learning deep-learning-tutorial deep-neural-networks lstm lstm-networks lstm-neural-network

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

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

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

Scaffold codes for feedforward neural network and autoencoders.

deep-learning deep-neural-networks matlab

Last synced: 02 Jan 2025

https://github.com/guoquan/dlexp2

A framework for more flexible structure of neural networks with auto-differentiation.

auto-differentiation deep-learning deep-neural-networks matlab

Last synced: 02 Jan 2025

https://github.com/winter000boy/music-recommendation

This project implements a content-based recommendation system that analyzes song lyrics to find similar songs. It uses TF-IDF vectorization and cosine similarity to measure the semantic similarity between songs.

artificial-intelligence deep-neural-networks flask-application machine-learning neural-network python3 reinforcement-learning

Last synced: 26 Dec 2024

https://github.com/perpendicularai/imageclassification

A deep-learning notebook to detect real or fake faces. Now comes with it's own PyPI module.

convolutional-neural-networks deep-learning deep-neural-networks image-classification

Last synced: 02 Jan 2025

https://github.com/angrybayblade/nnviz

πŸ“Š NNViz is interactive visualization tool for Tensorflow made neural networks.

artificial-intelligence artificial-neural-networks deep-neural-networks interpretable-machine-learning tensorflow visualization-tools

Last synced: 16 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/justanhduc/improved-wgan

A Theano implementation of Improved WGAN

deep-learning deep-neural-networks gan

Last synced: 02 Jan 2025

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/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/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/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/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/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/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/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/troublete/go-qndnn

quick 'n' dirty neural network (for practical use)

ai deep-neural-networks go machine-learning relu sigmoid tanh

Last synced: 03 Jan 2025

https://github.com/ggiuffre/machine-lambda

Purely functional implementation of SGD on feed-forward neural nets

deep-neural-networks functional-programming haskell-library neural-network stochastic-gradient-descent

Last synced: 18 Nov 2024

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: 10 Dec 2024

https://github.com/hiroakimikami/nnabla-ggnn

Reimplement gated graph neural network in NNabla

deep-learning deep-neural-networks ggnn nnabla

Last synced: 13 Nov 2024

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

Addictive Artificial Intelligence library! SOTA models made easy :)

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

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

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: 12 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/shivamgupta92/analysis-of-market-trends-using-deep-learning

Analysis of market trend using Deep Learning is project that forecasts stock prices using historical data and ML models. Leveraging data collection, feature engineering, and model training. Primarily designed for the Indian stock market, it is adaptable for international markets, providing valuable insights for investors and analysts.

deep-neural-networks keras mysql numpy pandas python3 scikit-learn-api tensorflow time-series-analysis yfinance-api

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/wwwwwydev/pen-stroke-segmentation

εŸΊδΊŽζ·±εΊ¦ε­¦δΉ δΈ­ε…¨ε·η§―η½‘η»œηš„ε­—δ½“η¬”εˆ’εˆ†ε‰²οΌˆη¬”η”»εˆ†ε‰²οΌ‰θ§£ε†³ζ–Ήζ‘ˆ A Solution for Font Stroke Segmentation (Stroke Segmentation) Based on Fully Convolutional Networks in Deep Learning

deep-learning deep-neural-networks pen-strokes python pytorch

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

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

https://github.com/sloppycoder/coursera_tf_in_practice

Notebook for Coursera Tensorflow in Practices courses

deep-learning deep-neural-networks python tensorflow

Last synced: 12 Nov 2024