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

a consolidated and cleaned up fake news dataset classified in the following categories: reliable, unreliable, political, bias, fake, conspiracy, rumor clickbait, junk science, satire, hate

datasets deep-learning deep-neural-networks disinformation fake-news fake-news-analysis fake-news-articles fake-news-challenge fake-news-classification fake-news-dataset fake-news-detection misinformation

Last synced: 07 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/tanishqjasoria/deeplearning

Implementation of some Neural Network architecture using Numpy, TensorFlow and Keras.

convolutional-neural-networks deep-learning deep-neural-networks residual-learning tensorflow transfer-learning

Last synced: 05 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/markus28/ml-library

Java Implementation of Machine-Learning Algorithms

classification clustering deep-learning deep-neural-networks kmeans machine-learning

Last synced: 13 Oct 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/idwessough/autonomous-driving

Autonomous Driving behaviour for a 4 wheel drive robot vehicle using AI and ROS to drive autonomously in a scaled city

artificial-intelligence computer-vision deep-neural-networks object-recognition robot-framework robotics ros2

Last synced: 13 Oct 2024

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

Terminal User Interface for playing chess. Either against your friend or the Deep CNN limited look ahead agent.

ai autoencoder chess classification convolutional-neural-networks deep-learning deep-neural-networks machine-learning pygame python-chess pytorch regression

Last synced: 28 Oct 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/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/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/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/jstzwj/traph

An open-source machine learning platform

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

Last synced: 26 Oct 2024

https://github.com/akash-nath29/image-classifier

A Machine Learning Model capable to detect person's mood (happy or sad) from image

deep-neural-networks dnn keras keras-neural-networks keras-tensorflow machine-learning tensorflow tensorflow-models

Last synced: 01 Nov 2024

https://github.com/cyrildever/neural-networks-and-deep-learning-in-golang

Code adaptation of "Neural Networks and Deep Learning" book in Go

deep-learning deep-neural-networks golang neural-networks

Last synced: 13 Oct 2024

https://github.com/samanyougarg/dl-mnist

Deep Learning on the MNIST Handwritten Digits Dataset.

deep-learning deep-neural-networks keras mnist python tensorflow

Last synced: 26 Oct 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: 13 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/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/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/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/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/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: 31 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/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/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/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/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/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/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/handwritten-digit-recognition-mnist

This is a machine learning model that classifies digits from 0-9 from handwritten digits.

deep-neural-networks keras mnist-classification mnist-handwriting-recognition opencv python tensorflow

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

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

https://github.com/qasimwani/dqn-openai

Using DQN (Deep Q Network) to develop a DRL (Deep Reinforcement Learning) agent to solve LunarLander environment in OpenAI gym.

deep-neural-networks dqn keras-tensorflow openai-gym reinforcement-learning

Last synced: 07 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/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/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/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/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/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/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/pthmhatre/stylescribe-using-generative-adversarial-network

A fashion AI-based model capable of generating images from textual descriptions. The model should take natural language text as input and generate images that visually represent the given text. This text-to-image generation system bridges the gap between textual descriptions and visual content.

deep-neural-networks flask-application generative-adversarial-network generative-ai googlecloudplatform hyperparameter-tuning keras-tensorflow neural-networks nlp os pillow rdp-connection scipy sklearn-metrics spacy-nlp texttoimage tfidf-vectorizer

Last synced: 15 Oct 2024