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/abhiramdodda/two-stage-plant-diesease-detection

In this repo a two stage plant disease detection is introduced which reduces time required for training and gives greater accuracy.

deep-neural-networks efficientnet image-processing tensorflow

Last synced: 12 Jan 2025

https://github.com/iwas-coder/guanaco

A simple, uncomplicated, multilayered Neural Network framework written in pure C.

ai ai-models c deep-learning deep-neural-networks header-only neural-network stb

Last synced: 28 Nov 2024

https://github.com/milankinen/c2w2c

C2W2C language model from my Master's Thesis

deep-learning deep-neural-networks keras nlp recurrent-neural-networks theano

Last synced: 19 Jan 2025

https://github.com/gsauc3/pytorch-model-details

Package to visualize all the layer parameters of a deep learning model.

cnn-model deep-learning deep-neural-networks model-summary pytorch summary

Last synced: 30 Dec 2024

https://github.com/clberube/gims

Command line interface for geospatial image segmentation

deep-neural-networks geospatial-analysis segmentation unet

Last synced: 21 Jan 2025

https://github.com/mohammad95labbaf/energyprediction-arima-transformer

This report investigates the energy consumption prediction using time series analysis and deep learning methodologies. The extracted features and implemented transformer model demonstrate a high predictive accuracy.

arima arma deep-learning deep-neural-networks deeplearning feature-extraction feature-selection lstm lstm-neural-networks prediction time-series time-series-analysis timeseries transformer

Last synced: 13 Jan 2025

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

https://github.com/rvats20/ml-scikit-learn

This repo contains notebooks to learn ML Models and apply them in real world problems.

artificial-intelligence classification deep-learning deep-neural-networks machine-learning machine-learning-algorithms notebook notebook-jupyter

Last synced: 06 Feb 2025

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

https://github.com/leehanchung/deeplearning.ai

Coursera Deeplearning.ai Deep Learning Specialization

coursera deep-learning deep-neural-networks neural-networks tensorflow

Last synced: 08 Jan 2025

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

https://github.com/arif-miad/introduction-to-open-cv

Computer vision is a field of study focused on enabling computers to interpret and understand the visual world. OpenCV provides a comprehensive set of tools and algorithms for various tasks in computer vision, including image and video processing, object detection and tracking, facial recognition, augmented reality, and mor

data-science deep-neural-networks

Last synced: 14 Jan 2025

https://github.com/rabbicse/face-app

A Face recognition system using TensorFlow.js for in-browser image processing and backend services powered by PyTorch, Qdrant, RetinaFace, ArcFace, and OpenCV for detection, embedding, and similarity matching. This setup ensures efficient, secure, and accurate facial recognition.

arcface deep-neural-networks docker docker-compose face-detection face-recognition machine-learning nextjs numpy opencv python pytorch react retinaface tensorflowjs typescript typescript-react

Last synced: 09 Jan 2025

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

https://github.com/edwildson/facerecognition

Projeto de reconhecimento de face e sentimentos, feito com Django e ML

deep-neural-networks django face-detection face-recognition machine-learning opencv python

Last synced: 08 Jan 2025

https://github.com/iinjyi/hands-on-neural-networks

A series of hands-on notebooks for beginners in neural networks. [To be updated]

ai cnn computer-science deep-learning deep-neural-networks lstm maths neural-networks python pytorch rnn transfer-learning

Last synced: 30 Dec 2024

https://github.com/crispengari/cv-torch

computer vision notebooks for pytorch projects.

computer-vision deep-learning deep-neural-networks python pytorch torch

Last synced: 09 Feb 2025

https://github.com/pathak-ashutosh/liver-segmentation

Segment liver using unet architecture. This was a project I did for a senior anonymously as his final year project during my undergrad.

biomedical-image-processing computer-vision deep-learning deep-neural-networks machine-learning neural-network segmentation unet-image-segmentation

Last synced: 02 Jan 2025

https://github.com/paragghatage/artify

Artify is a Neural Style Transfer project that blends the artistic patterns of a style image with the content of another image using deep learning techniques. It leverages the VGG19 model to extract content and style features, enabling the creation of visually stunning artwork that merges textures, colors, and patterns from different sources.

art computer-vision deep-learning deep-neural-networks machine-learning

Last synced: 10 Feb 2025

https://github.com/monzerdev/real-time-sign-language-detection

A real-time detection system for sign language alphabets and numeric gestures using MediaPipe and a Convolutional Neural Network (CNN). Features hand landmark detection, classification, and real-time feedback.

cnn computer-vision convolutional-neural-networks deep-learning deep-neural-networks mediapipe opencv pandas python pytorch real-time scikit-learn signlanguagedetection

Last synced: 01 Jan 2025

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: 06 Feb 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 Jan 2025

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: 10 Feb 2025

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: 23 Dec 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: 06 Feb 2025

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

Visual Exploration of Representations Learned by Convolutional Neural Networks

cnn deep-learning deep-neural-networks explainability visualization

Last synced: 10 Jan 2025

https://github.com/spy16/churn-prediction

Customer churn prediction using Deep Neural Network.

deep-neural-networks keras-neural-networks keras-tensorflow prediction-model

Last synced: 01 Jan 2025

https://github.com/spy16/cats-and-dogs

cats-and-dogs is a Convolutional Neural Network for classifying cats and dog pictures.

classification convolutional-neural-networks deep-neural-networks

Last synced: 01 Jan 2025

https://github.com/vpanjeta/self-driving-car

A Program for the implementation of Udacity's nano degree on self driving cars

cnn cnn-keras computer-vision deep-learning deep-neural-networks self-driving-car udacity

Last synced: 28 Dec 2024

https://github.com/jash271/beans_disease_classifier

Classifier to predict whether a plant is infected if so which diseases does it have

cnn-keras deep-neural-networks image-classification tensorflow-tutorials tensorflow2 transfer-learning

Last synced: 24 Jan 2025

https://github.com/kalthommusa/stop-signs-application

Develop a custom classifier with PyTorch and transfer learning techniques to recognize stop signs, and then deploy it as a web application using Code Engine on IBM cloud.

cnn-classification cnn-model computer-vision convolutional-neural-networks deep-learning deep-neural-networks image-classification image-recognition python pytorch resnet-18 stop-sign-detection transfer-learning

Last synced: 17 Jan 2025

https://github.com/kalthommusa/face-mask-application

Develop a custom classifier with PyTorch and transfer learning techniques to recognize face masks, and then deploy it as a web application using Code Engine on IBM cloud.

cnn-classification cnn-model computer-vision convolutional-neural-networks deep-learning deep-neural-networks face-mask-classification image-classification image-recognition python pytorch resnet-18 transfer-learning

Last synced: 17 Jan 2025

https://github.com/ahammadmejbah/the-90-day-pytorch-mastery-roadmap

Embark on a 90-day journey to master PyTorch! From tensor basics to advanced deep learning, each day offers lessons, hands-on exercises, and curated resources. Gain practical skills to confidently build, train, and deploy models across diverse applications.

ai artificial-intelligence data-engineering data-science data-visualization deep-learning deep-learning-algorithms deep-neural-networks python python-3 pytorch pytorch-cnn pytorch-gan pytorch-implementation pytorch-nlp pytorch-tutorial

Last synced: 20 Jan 2025

https://github.com/danmorales/fraud_detection

Modelagem para detecção de fraudes em cartáes de crédito

credit-card-fraud deep-learning deep-neural-networks fraud-detection fraud-prevention keras machine-learning python

Last synced: 27 Dec 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: 25 Dec 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: 22 Jan 2025

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

Developed a stock market analysis and prediction tool using neural networks and Prophet, achieving an average 0.85 RΒ² score , providing accurate and real-time insights via Streamlit. This helps investors to enhances investment strategies.

api-gateway deep-neural-networks finance machine-learning stock-analysis stock-market streamlit-webapp time-series time-series-analysis time-series-forecasting yfinance-api

Last synced: 11 Feb 2025

https://github.com/m-pektas/identitysimilarity

This repository can help researchers who want to use face recognition in their research.

deep-learning deep-neural-networks face-recognition identity-loss loss loss-functions pytorch

Last synced: 11 Jan 2025

https://github.com/sathyasris27/image-classification-using-dnn-and-cnn

The main aim of this project is to understand and implement deep neural network (DNN) and convolutional neural network (CNN) and see how these can be used for classification problems.

classification convolutional-neural-networks data-science deep-learning deep-neural-networks image-classification python

Last synced: 10 Jan 2025

https://github.com/darraghdog/fish

Kaggle - The Nature Conservancy :fish:

cnn deep-neural-networks kaggle-competition keras region-detection yolo2

Last synced: 20 Dec 2024

https://github.com/kingabzpro/mrna-vaccine-degradation-prediction

The model that will predict the degradation rates at each base of an RNA molecule.

covid-19 data-science deep-neural-networks mrna-stability vaccine

Last synced: 17 Jan 2025

https://github.com/ynstf/moboot

Moboot is a chatbot developed in Moroccan Darija, Based on a collection of Moroccan phrases and responses, Moboot has been trained to engage in relatively short conversations with users.

api boot css darija-nlp deep-neural-networks flask html neural-network nlp

Last synced: 11 Jan 2025

https://github.com/nobuyuki83/dnn_classify

object classification using deep neural network

classification deep-learning deep-neural-networks neural-network

Last synced: 04 Jan 2025

https://github.com/wapiti08/machine_learning_practice

the collections to practice the wide range of different machine learning skills

deep-neural-networks machine-learning nlp-machine-learning security-automation sklearn

Last synced: 04 Jan 2025

https://github.com/puyuan1996/rl_mcts_intro

εΌΊεŒ–ε­¦δΉ  (RL) δΈŽθ’™η‰Ήε‘ζ΄›ζ ‘ζœη΄’ (MCTS) 相关学习衄源

artificial-intelligence awesome deep-learning deep-neural-networks deep-reinforcement-learning introduction learning mcts monte-carlo-tree-search ppt reinforcement-learning resources rl search

Last synced: 04 Jan 2025

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

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/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: 11 Jan 2025

https://github.com/sadmansakib93/petals-to-the-metal-flower-classification-kaggle

This notebook is the solution for Kaggle's Petals to the Metal - Flower Classification on TPU challenge: https://www.kaggle.com/c/tpu-getting-started

artificial-intelligence classification deep-learning deep-neural-networks densenet flower-classification kaggle kaggle-competition kaggle-petals keras keras-neural-networks notebook tpu-challenge transfer-learning

Last synced: 12 Jan 2025

https://github.com/amazon-science/contrastive_emc2

Code the ICML 2024 paper: "EMC^2: Efficient MCMC Negative Sampling for Contrastive Learning with Global Convergence"

contrastive-learning deep-neural-networks machine-learning machine-learning-algorithms mcmc-sampling multi-modal multi-modal-learning

Last synced: 12 Jan 2025

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

https://github.com/vidhi1290/dcnn

Achieving 98.43% Accuracy in Handwritten Digit Recognition Experience the potential of deep learning as we present our project on handwritten digit recognition using the MNIST dataset. Our deep neural network achieves an outstanding accuracy of 98.43%, showcasing the effectiveness of advanced techniques in the realm of machine learning.

artificial-intelligence artificial-neural-networks cnn-keras deep-learning deep-neural-networks machine-learning-algorithms mnist-handwriting-recognition

Last synced: 02 Feb 2025

https://github.com/irishfix/universalnumerics.net

UniversalNumerics.NET is a versatile .NET package that can be used both in Unity and in normal C# projects. It simplifies common computational tasks, such as computing 2D line intersections, 2D segment intersections, 2D point within queries, 2D triangulation of points, 3D area voxelization and even creating deep neural network models.

artifical-intelligence artificial-neural-networks computational-geometry csharp csharp-library deep-learning deep-neural-networks dotnet mathematics triangulation triangulation-delaunay unity unity3d

Last synced: 12 Jan 2025

https://github.com/nikamrohan/cats-vs-dogs

Using Pytorch with Django To distinguish Cats from Dogs by Fine Tuning pretrained Model.

cats-vs-dogs deep-learning deep-neural-networks django django-framework fine-tuning-cnns pretrained-models pytorch pytorch-implmention vgg16

Last synced: 06 Jan 2025

https://github.com/joelselvaraj/udacity-mlnd-capstone-handwritting-digit-recognition

Udacity - Machine Learning Engineer Nanodegree Project - A Deep Neural Network to recognise handwritten digits

capstone deep-neural-networks gpu handwritten-digits jupyter-notebook mnist-dataset python udacity-nanodegree

Last synced: 03 Feb 2025

https://github.com/yididiyan/learning-tensorflow

Code for Learning TensorFlow, A guide to building deep learning systems

deep-learning deep-neural-networks tensorflow

Last synced: 27 Jan 2025

https://github.com/monzerdev/real-time-sign-language-recognition

A real-time detection system for sign language alphabets and numeric gestures using MediaPipe and a Convolutional Neural Network (CNN). Features hand landmark detection, classification, and real-time feedback.

cnn computer-vision convolutional-neural-networks deep-learning deep-neural-networks mediapipe opencv pandas python pytorch real-time recognition scikit-learn signlanguagedetection signlanguagerecognition

Last synced: 19 Jan 2025

https://github.com/darkshadowcoder/ai-based-cloud-deployed-movie-recommendation-system

In this repository, I design an online movie recommendation system using Machine learning-deep learning and deployed on Azure

api deep-neural-networks flask-backend machine-learning-algorithms movie-recommendation reactjs test-automation

Last synced: 19 Jan 2025

https://github.com/jstzwj/traph

An open-source machine learning platform

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

Last synced: 07 Feb 2025

https://github.com/iamgmujtaba/gif-celeba

A complete guide on how to generate animated images by detecting character face and gender using the CNN model.

celeba cnn-classification cnn-keras deep-neural-networks keras keras-tensorflow

Last synced: 09 Feb 2025

https://github.com/codewithashim/face-recognition-system

The Face Recognition System is a cutting-edge software application powered by state-of-the-art machine learning techniques. Experience accurate identification and verification of human faces in images and real-time video streams.

access-control biometrics codewithahsim deep-neural-networks face-recognition facial-detection facial-identification opencv opencv-python python python-3 real-time-face-recognition scalable-face-recognition security security-tools surveillance

Last synced: 01 Feb 2025

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: 31 Jan 2025

https://github.com/neerajcodes888/cat-vs-dog-image-classification

Repository for a deep learning model that classifies images as either cats or dogs using deep learning techniques. The model is trained on a diverse dataset and achieves high accuracy in distinguishing between these two popular pet categories. Includes pre-processing scripts, model architecture, and evaluation metrics for seamless implementation

cats-vs-dogs cats-vs-dogs-classification deep-learning deep-neural-networks googlecolaboratory imageclassification python3

Last synced: 31 Jan 2025

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: 07 Feb 2025

https://github.com/tinh2044/plantdisease_classification

Transfer learning efficientNet to classification disease on plants. Build web application with React and FastAPI

computer-vision convolutional-neural-networks deeeepio deep-learning deep-neural-networks efficientnet plant-disease-detection

Last synced: 07 Feb 2025

https://github.com/ashraf-khabar/licence-plate-recognition

About The realization of a radar system for the detection of vehicle license plates is an innovative and ambitious technological project that aims to improve road safety and facilitate the identification of vehicles in traffic

ai deep-learning deep-neural-networks flask flask-api machine-learning machine-learning-algorithms oracle-database oracle-db python python3 shell sql tensorflow

Last synced: 21 Jan 2025

https://github.com/basemax/deepsummarizationnlp

In deep learning NLP, using a model we are trying to summarization the text.

deep-learning deep-neural-networks neural-network python summarization summarization-algorithm summarization-dataset

Last synced: 09 Feb 2025