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

A deep-learning chess engine written in Rust, partially compliant with the UCI protocol. DivineNN uses the Monte Carlo Tree Search (MCTS) algorithm to enhance the neural network policy using the neural network's value output.

ai chess deep-learning deep-neural-networks machine-learning monte-carlo-tree-search search-algorithm

Last synced: 07 Nov 2024

https://github.com/coditheck/tensorflow

TensorFlow is an open source Machine Learning library, created by Google, for developing and running Machine Learning and Deep Learning applications.

deep-learning deep-neural-networks keras machine-learning neural-network python tensorflow tensorflow-tutorials

Last synced: 03 Nov 2024

https://github.com/ducthienbui97/pokedex

I am making a real pokedex with a model 85% accuracy top 1, 91% top 3, 93% top 5

classifier cnn cnn-keras deep-learning deep-neural-networks jupyter-notebook keras pokemon python tensorflow

Last synced: 30 Oct 2024

https://github.com/nikhilcodes/draw-anywhere

Not just any simple Digit Recognition. MNIST Digit Recognition got lot more Interesting!

computer-vision cv2 deep-learning deep-neural-networks drawing-app illusion keras-neural-networks opencv opencv-python

Last synced: 30 Oct 2024

https://github.com/marcogdepinto/panoramamodelserving

Using Java and deeplearning4j to serve a Keras model.

deep-learning deep-neural-networks deeplearning deeplearning4j java keras python

Last synced: 11 Oct 2024

https://github.com/angelognazzo/Reliable-Trustworthy-AI

Repository for the Reliable and Trustworthy AI course offered in Fall 2022 at ETH Zürich: implementation of DeepPoly, Robustness Analyzer for Deep Neural Networks

computer-vision deep-learning deep-neural-networks reliable-ai robust-machine-learning

Last synced: 03 Aug 2024

https://github.com/vanditg/image_analytics_task_ai_australia

This repository contains solutions or files of my attempt for the AI Austraial task of Image Analytics. The submission language is Python.

blurred-background bounding-boxes computer-vision deep-learning deep-neural-networks face-detection face-quality facial-expression-recognition haarcascade-frontalface

Last synced: 05 Nov 2024

https://github.com/camara94/reseau-neurone-tensorflow-2

TensorFlow est une bibliothèque open source de Machine Learning, créée par Google, permettant de développer et d’exécuter des applications de Machine Learning et de Deep Learning

algorithms-and-data-structures deep-learning deep-neural-networks machine-learning python3 tensorflow2

Last synced: 05 Nov 2024

https://github.com/suhani1209/mobile-gallery-image-classifier

Distinguishes the mobile gallery's images into various sets such as whatsapp documents, nature, cars, screenshots, the machine learns itself and predicts the results with an accuracy of 97.6%

cnn deep-learning deep-neural-networks image-classification object-classification python

Last synced: 06 Nov 2024

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

https://github.com/himanshuvnm/generalized-gaussian-radial-basis-function-in-artificial-intelligence-matlab

This is the recent work of my on the importance and application of mathematical function around its Hilbert function theory on artificial intelligence algorithms. The main motivation was the desire of improving the convergence rate and learning rate of various learning algorithms via Generalized Gaussian Radial Basis Function.

activation-functions artificial-intelligence deep-learning deep-neural-networks gaussian-process-regression image-recognition kernel-regression machine-learning-algorithms neural-network reproducing-kernel-hilbert-space support-vector-machine

Last synced: 06 Nov 2024

https://github.com/kawai-senpai/heartly

Heartly is a Python application developed with Kivy, designed to evaluate the risk of heart disease based on user inputs. The application utilizes a neural network model to predict the likelihood of heart disease, providing a percentage risk based on a series of questions related to the user's health and lifestyle.

deep-learning deep-neural-networks heart-disease kivy kivy-framework kivymd pytorch

Last synced: 31 Oct 2024

https://github.com/keyurparalkar/cifar-10

ConvNet implementation for CIFAR-10 dataset using pytorch

convolutional-neural-networks deep-learning deep-neural-networks lenet-architecture pytorch

Last synced: 11 Oct 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: 22 Oct 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: 22 Oct 2024

https://github.com/sonu275981/social_network_ads

Artificial neural networks Model for predicting the key audiences to show ads in a social network.

ads artificial-neural-networks deep-neural-networks python3

Last synced: 05 Nov 2024

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

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: 21 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: 27 Oct 2024

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: 24 Oct 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: 06 Nov 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: 03 Nov 2024

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: 28 Oct 2024

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

https://github.com/sonu275981/movie-recommender-system

Movie-Recommender-System hosted on https://movies275.herokuapp.com/ also on https://share.streamlit.io/sonu275981/movie-recommender-system/main/app.py

content-based-recommendation cosine-similarity deep-neural-networks movie-recommendation nlp-machine-learning recommender-system sentiments-analysis tensorflow tmdb-api vectorization

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

https://github.com/sathvik902/master-chef

A Deep Learning model which predicts the Indian Recipe from the ingredients we have in our home.

deep-neural-networks lstm

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

https://github.com/celiabenquet/iaprproject

Image Analysis and Pattern Recognition

deep-neural-networks image-recognition

Last synced: 11 Oct 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: 05 Nov 2024

https://github.com/redleader962/une-intuition-sur-rudder

Ressources pour la présentation orale: "Une intuition sur RUDDER (Return Decomposition for Delayed Rewards)"

deep-learning deep-neural-networks deep-reinforcement-learning neural-network reward-shaping

Last synced: 06 Nov 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: 26 Oct 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/kartikchugh/deepneuralnetworks

A Java library for building, training, and testing deep learning neural networks

deep-learning deep-neural-networks machine-learning neural-network neural-networks

Last synced: 28 Oct 2024

https://github.com/kartikchugh/neural-energy

Deep Neural Networks applied to representations of potential energy surfaces

deep-learning deep-neural-networks materials-science potential-energy-surfaces

Last synced: 28 Oct 2024

https://github.com/coreyjs/dog-breed-classifier

A transfer learning neural network to classify dog breeds.

classification deep-learning deep-neural-networks machine-learning ml

Last synced: 05 Nov 2024

https://github.com/coreyjs/bike-sharing-neural-network

Part of Udacity's deep learning program. This is a simple neural network to predict bike ridership trends.

deep-learning deep-neural-networks machine-learning machinelearning ml neural-network neural-networks python udacity

Last synced: 05 Nov 2024

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

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

https://github.com/arif-miad/image-classification

pre-trained image classification models use prior knowledge to recognize patterns in images, speeding up training and improving accuracy.

computer-vision deep-neural-networks kaggle-dataset keras python pytorch resnet-50 tensorflow transfiterlearning vgg19

Last synced: 24 Oct 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: 05 Nov 2024

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: 26 Oct 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: 03 Nov 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: 05 Nov 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: 07 Oct 2024

https://github.com/mozturan/mlanddl-withwebapp

Web app to perfom machine learning algorithms (both for regression and classification) on almost ready datasets.

decision-trees deep-learning deep-neural-networks heatmap linear-regression logistic-regression machine-learning streamlit web-application

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

https://github.com/rssr25/machine-learning

All the machine learning stuff that I do will be here. Mainly python programs.

andrew-ng-course coursera deep-learning deep-neural-networks deeplearning-ai machine-learning neural-network resnet yolo

Last synced: 05 Nov 2024