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/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/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/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/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/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/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/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: 15 Oct 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/majsylw/chihuahua-vs-muffin

Excercises in Deep learning for polish students conducted in winter 2020/21 (polish). With cooperation with Wroclaw University of Technology and OPI. This repository based on materials from beginner's workshop for SJSU ML Club and facebook DETR.

classification deep-neural-networks linear-nn python3 pytorch tutorial-code

Last synced: 15 Oct 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/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/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/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/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/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/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/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/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/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/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: 31 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/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

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/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/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/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/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/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/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/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/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/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/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/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/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/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/celiabenquet/iaprproject

Image Analysis and Pattern Recognition

deep-neural-networks image-recognition

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

https://github.com/travelxml/tensorflow-and-keras-sentiment-analysis-using-rnn

NLP: Sentiment Analysis using TensorFlow and Keras: This project implements a Recurrent Neural Network (RNN) to classify Amazon product reviews into different sentiment categories. It leverages text preprocessing, tokenization, and model training to predict the sentiment with high accuracy.

deep-learning deep-neural-networks deeplearning keras keras-tensorflow nlp rnn rnn-tensorflow sentiment-analysis tenserflow

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

https://github.com/parth-shastri/neural_nets_tensorflow

Just a small set of projects from a student who loves to play with Deep-learning!

deep-learning deep-neural-networks learning neural-networks python3 tensorflow-examples tensorflow-tutorials tensorflow2

Last synced: 03 Nov 2024

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