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/markus28/ml-library

Java Implementation of Machine-Learning Algorithms

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

Last synced: 26 Nov 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: 22 Dec 2024

https://github.com/gokulnpc/fashion-mnist-gan

This script outlines the implementation of a Generative Adversarial Network (GAN) designed to generate fashion images using the Fashion MNIST dataset. The GAN consists of a generator and a discriminator, which are trained simultaneously in an adversarial manner.

deep-learning deep-neural-networks fashion-mnist generative-adversarial-network

Last synced: 07 Dec 2024

https://github.com/gokulnpc/iris-detection

This project focuses on iris detection using deep learning techniques. The model architecture combines the power of ResNet152V2, a pre-trained convolutional neural network (CNN), with additional convolutional layers to accurately detect and localize iris regions in images.

convolutional-neural-networks deep-neural-networks iris-detection resnet

Last synced: 07 Dec 2024

https://github.com/ondrejbiza/vae

Variational autoencoders implemented in Tensorflow.

deep-learning deep-neural-networks tensorflow variational-autoencoders vq-vae

Last synced: 08 Jan 2025

https://github.com/chaitanyak77/comparative-study-tensorflow-vs.-custom-neural-network-models

This repository presents a comprehensive comparative study that delves into the weights and biases of both inbuilt and custom-built Sequential Neural Network (SNN) models. The primary objective is to gain a deeper understanding of the differences and nuances between these two approaches.

custom-neural-network-training deep-neural-networks neural-network snn

Last synced: 16 Jan 2025

https://github.com/ivanbgd/udacity-deep-learning-nd101

My solutions to the Udacity Deep Learning Nanodegree Foundation ND101 on-line course, with some examples in C, beside Python (https://www.udacity.com/course/deep-learning-nanodegree-foundation--nd101)

c deep-learning deep-neural-networks jupyter-notebook miniflow neural-networks python tensorflow udacity udacity-deep-learning udacity-nanodegree

Last synced: 08 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/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/faizantkhan/deep-learning

Unlock deep learning's secrets! Dive into fundamentals, master advanced techniques, and ignite creativity with hands-on projects. Join a vibrant community, push boundaries, and unleash AI's full potential. Begin your journey now!

advanced-programming ai aiml beginner-friendly deep-learning deep-learning-algorithms deep-learning-tutorial deep-neural-networks deep-reinforcement-learning deeplearning keras-tensorflow machine-learning-algorithms machinelearning-python neural-networks open-source opencv python python-library tensorflow yolo

Last synced: 15 Jan 2025

https://github.com/autrainer/aucurriculum

A Curriculum Learning Toolkit for Deep Learning Tasks built on top of autrainer.

autrainer computer-audition computer-vision deep-learning deep-neural-networks pytorch

Last synced: 19 Nov 2024

https://github.com/zubair-irshad/udacity_deep_rl

My solutions (with explanations) to the Udacity Deep Reinforcement Learning Nano Degree Program assignments, mini-projects and projects

ddpg-algorithm deep-neural-networks deep-q-network deep-reinforcement-learning dqn ppo pytorch reinforcement-learning unity-ml-agents

Last synced: 16 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/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: 22 Jan 2025

https://github.com/ahammadmejbah/tensorflow-developers

Welcome to the TensorFlow 90-Day Guide, your comprehensive roadmap to mastering TensorFlow and Neural Networks in just three months! This guide is meticulously structured to take you from a beginner to an advanced practitioner, equipped with the knowledge and hands-on experience to build, train, and deploy sophisticated machine learning models.

data-science data-visualization deep-learning deep-neural-networks deep-reinforcement-learning tensorflow tensorflow-models tensorflow-tutorials

Last synced: 11 Dec 2024

https://github.com/coding-enthusiast9857/deep_learning_projects

Welcome to the Deep Learning Projects Repository! This repository is a collection of hands-on projects related to deep learning, covering a wide range of topics and applications.

ai ann cnn cv deep-learning deep-neural-networks dl gan image-processing keras ml nlp python pytorch rnn tensorflow transfer-learning

Last synced: 14 Jan 2025

https://github.com/extwiii/ml-university.of.washington

Build Intelligent Applications - ML - University of Washington - Coursera

classification deep-learning deep-neural-networks machine-learning python regression svm washington-university

Last synced: 29 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/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: 22 Jan 2025

https://github.com/ahammadmejbah/understanding-convolutional-layers

Convolutional layers are a type of neural network layer primarily used in deep learning models for processing data that has a grid-like topology, such as images.

deep-learning deep-learning-tutorial deep-neural-networks deep-reinforcement-learning deeplearning

Last synced: 09 Jan 2025

https://github.com/cloaky233/binary-classifier-cnn

A Convolutional Neural Network (CNN) implementation using PyTorch and TensorFlow/Keras to classify images of cats and dogs. This project includes training scripts, model architectures, and instructions for easy setup and usage.

binaryclassification deep-learning deep-neural-networks pytorch

Last synced: 20 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: 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: 11 Jan 2025

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

computer vision notebooks for pytorch projects.

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

Last synced: 16 Dec 2024

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: 28 Nov 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: 04 Dec 2024

https://github.com/dhrupad17/100-days-of-deep-learning

Its the practice repository covering all the concepts @campusx-official has covered in his playlist in much detailed way.

cnn deep-learning deep-neural-networks lstm-neural-networks mlp-networks perceptron rnn

Last synced: 16 Jan 2025

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/poodarchu/models.tf

papers implementation during learning dl and tensorflow.

deep-neural-networks tensorflow transfer-learning

Last synced: 30 Nov 2024

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/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 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/zjysteven/awesome-byte-llm

A curated list of papers and resources on byte-based large language models (LLMs) — models that operate directly on raw bytes.

awesome-list byte-llms deep-learning deep-neural-networks foundation-models large-language-models machine-learning multimodal-large-language-models research-paper tokenization-free transformers

Last synced: 20 Dec 2024

https://github.com/ahmad-ali-rafique/weather-prediction-fcnn

This project demonstrates a complete pipeline for weather prediction using a Fully Connected Neural Network (FCNN). The project is implemented in Python using Jupyter Notebook, and it covers data loading, preprocessing, model training, and performance evaluation.

ai artificial-intelligence data-analysis data-science deep-learning deep-neural-networks fully-connected-network machine-learning machine-learning-algorithms weather-information

Last synced: 16 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/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: 08 Dec 2024

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

MiScan: mutation-inferred screening model of cancer | Apache Software License

bioinformatics deep-learning deep-neural-networks

Last synced: 21 Jan 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/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/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/sayannath/linear-app

An ANN model is built and trained and exported to tflite format. Then it is integrated into Android App.

android ann deep-learning deep-neural-networks java keras machine-learning tensorflow tflite

Last synced: 11 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/ahmad-ali-rafique/handwritten-digit-recognition-mnist

This project demonstrates a complete pipeline for recognizing handwritten digits using the MNIST dataset. The project is implemented in Python using Jupyter Notebook, and it covers data loading, preprocessing, model training, and performance evaluation of a Fully Connected Neural Network (FCNN).

ai artificial-intelligence data data-analysis datascience deep-learning deep-neural-networks fcnn fully-connected-network machine-learning machine-learning-algorithms ml modeling

Last synced: 16 Jan 2025

https://github.com/ali-el-badry/pothole-detection

A deep learning-based project for detecting potholes in road surfaces using computer vision. Utilizes YOLO models for accurate, real-time pothole detection from images and videos, with a custom dataset and data augmentation techniques. Ideal for applications in road maintenance, autonomous vehicles, and insurance assessments.

deep-learning deep-neural-networks object-detection pothole-detection potholes yolo

Last synced: 06 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/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 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: 12 Jan 2025

https://github.com/vutrong826/yolov8-brain-tumor-segmentation

Brain tumor segmentation using YOLO architecture for fast and accurate detection.

cnn deep-learning deep-neural-networks python python3 segmentation tumor-segmentation yolov8 you-only-look-once

Last synced: 17 Dec 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: 10 Jan 2025

https://github.com/unikraft/lib-dnnl

Unikraft port of Intel Math Kernel Library for DNNs

deep-neural-networks intel library math-library unikernel unikraft

Last synced: 19 Jan 2025

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

https://github.com/tushard702/sentiment-analysis

Sentiment analysis is the automated process of understanding an opinion about a given subject from written or spoken language. Implemented using RNN

deep-neural-networks machine-learning python

Last synced: 01 Jan 2025

https://github.com/natielle/udemy-tensorflowcompython

Material de estudo do curso: https://www.udemy.com/course/tensorflow-machine-learning-deep-learning-python/learn/lecture/12670278#overview

deep-learning deep-neural-networks deeplearning python tensorflow

Last synced: 21 Jan 2025

https://github.com/malolm/educationnal-neural-network-framework

Python implementation of an artificial neural network aimed at deeply mastering the underlying concepts that drive neural networks. This project is inspired by Andrej Karpathy and Russ Salakhutdinov.

deep-neural-networks mnist-classification python3

Last synced: 13 Dec 2024

https://github.com/kowshik24/predictstock

🚀 StockSage: Predicting Tomorrow's Stocks, Today! 🌌 Dive deep into the future of stock prices with StockSage! Powered by LSTM networks, this repository is a treasure trove for those looking to explore the intricacies of stock price predictions. 📈✨ 🔗 Live App: https://stocksage.streamlit.app/

data-science data-visualization deep-neural-networks lstm stock-market streamlit tensorflow

Last synced: 13 Dec 2024

https://github.com/rahulbhoyar1995/coursera-ml-specialisation-certification

Explore my journey through the Coursera Machine Learning Specialization with this repository. Access practice materials, code implementations, and learning notes to enhance your understanding of machine learning concepts.

deep-learning deep-neural-networks machine-learning machine-learning-algorithms python3 reinforcement-learning-algorithms supervised-learning unsupervised-learning

Last synced: 15 Jan 2025

https://github.com/rahulbhoyar1995/ner-case-study

This repositiry contains the code for Case study of "Named-Entity Recognition" in Natural Language Processing.

deep-neural-networks natural-language-processing ner

Last synced: 15 Jan 2025

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