Ecosyste.ms: Awesome
An open API service indexing awesome lists of open source software.
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.
- GitHub: https://github.com/topics/deep-neural-networks
- Wikipedia: https://en.wikipedia.org/wiki/Deep_neural_networks
- Aliases: deep-neural-network,
- Last updated: 2025-02-09 00:07:44 UTC
- JSON Representation
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: 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/koushik-elite/image-segmentation
Image Segmentation Sample using pytorch
computer-vision deep-learning deep-neural-networks image-recognition image-segmentation object-detection python3 pytorch rcnn
Last synced: 22 Jan 2025
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: 02 Feb 2025
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/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/ddofer/proteinbert
Protein language models using attention models
bioinformatics cafa deep-learning deep-neural-networks language-model machine-learning proteomics
Last synced: 30 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/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/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: 03 Feb 2025
https://github.com/jsdhami/data-science-with-python
Data Science With Python->Target: AI/ML
ai articicial-inteligence deep-learning deep-neural-networks mathematics-machine-learning matplotlib ml numpy pandas python pytourch statistics tensorflow
Last synced: 05 Feb 2025
https://github.com/poodarchu/models.tf
papers implementation during learning dl and tensorflow.
deep-neural-networks tensorflow transfer-learning
Last synced: 28 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/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/md-emon-hasan/ml-project-fake-news-prediction-using-deep-learning-with-7-types-lstm
📰 The Fake News Detection System uses deep learning techniques, specifically LSTM models, to classify news articles as real or fake.
ai cnn data-engineering data-science deep-learning deep-neural-networks fake-news gru keras keras-tensorflow lstm machine-learning machinelearning neural-network news-application news-classification predictive-modeling rnn tensorflow text-classification
Last synced: 28 Jan 2025
https://github.com/mkturkcan/constellation-web
Website for the Constellation Dataset project.
computer-vision dataset deep-learning deep-neural-networks object-detection pretrained-models traffic urban-data-science urban-planning
Last synced: 22 Dec 2024
https://github.com/chromonav/neuroprobe
My excursions in the world of Artificial Neural Networks
artificial-intelligence bayesian-deep-learning data-science deep-learning deep-neural-networks genetic-algorithms genetic-programming machine-learning tutorials
Last synced: 25 Jan 2025
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/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/mostafanabieh/transfer-learning-with-tensorflow-hub
Transfer-learning with Tensorflow v2
deep-learning deep-neural-networks google machine-learning machinelearning python tensorflow tensorflow-tutorials tensorflow2 transfer-learning
Last synced: 25 Jan 2025
https://github.com/aitor-alvarez/conversational-graph-neural-network
Conversational graph neural network models
conversational-ai deep-neural-networks graph-neural-network nlp-machine-learning
Last synced: 25 Jan 2025
https://github.com/eren23/nn-architecture-examples
A small collection of basic neural networks for different tasks using pytorch.
deep-neural-networks neural-network neural-network-architectures neural-network-example neural-network-tutorials neural-networks neural-networks-from-scratch pytorch pytorch-implementation
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/adicherlavenkatasai/coursera
Coursera Speccialization Courses
deep-learning deep-neural-networks hyperparameter-optimization machine-learning machine-learning-algorithms neural-networks python sframe-dataframe train-test-split turicreate
Last synced: 28 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/mohammad95labbaf/brain-tumor-transferlearning
The Brain Tumor MRI Dataset from Kaggle is employed for automated brain tumor detection and classification research. Investigated methods include using pre-trained models (VGG16, ResNet50, and ViT). 🧠🔍
cnn cnn-keras deep-learning deep-neural-networks deeplearning kaggle-dataset keras keras-tensorflow neural-network neural-networks pretrained-models resnet-50 transfer-learning tumor-classification tumor-detection vgg16 vision vision-transformer vit
Last synced: 13 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/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/tinsaeabreham45/rock_paper_sc
cnn deep-learning deep-neural-networks machine-learning tensorflow
Last synced: 01 Feb 2025
https://github.com/ocramz/pytorch-playground
deep-learning deep-neural-networks sequence-models
Last synced: 01 Feb 2025
https://github.com/chaitanyac22/multi-input-multi-output-mnist-image-digit-and-summed-output-classification
The goal of this project is to build a neural network that takes an MNIST handwritten digit (0-9) image and a random number (digit 0-9) as inputs and returns the predicted class label (0-9) for the input image and its addition (sum) with the input random number as summed output (range 0-18) label as outputs.
cnn-classification data-visualization deep-neural-networks exploratory-data-analysis functional-api image-data-generator image-processing keras mnist-classification model-building model-evaluation multi-inputs multi-outputs python3 tensorflow
Last synced: 01 Feb 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: 01 Feb 2025
https://github.com/amlanmohanty1/face-recognition-attendance-management-system-with-powerbi-dashboard
Face Recognition based Attendance Management System with a Flask web application and Power BI attendance dashboard.
attendance-management-system deep-neural-networks dlib-face-recognition face-recoginition flask opencv opencv-python power-bi power-bi-dashboard powerbi powerbi-report python sqlite3
Last synced: 16 Jan 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/guiferviz/happyml
Machine Learning Python library for academic purposes.
deep-learning deep-neural-networks learning machine-learning machine-learning-algorithms neural-network neural-networks numpy
Last synced: 09 Feb 2025
https://github.com/kaleidophon/calm-capybara
Comparing different Neural NLP models for Emoji Prediction.
attention-mechanism convolutional-neural-networks deep-learning deep-neural-networks emojis lstm natural-language-processing nlp
Last synced: 08 Feb 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
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: 08 Feb 2025
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 Jan 2025
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/avik-pal/nnpack.jl
Julia wrapper for NNPACK
convolutional-neural-networks deep-learning deep-neural-networks machine-learning multicore-cpu nnpack wrapper
Last synced: 21 Jan 2025
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/aim-harvard/aimi_alpha
AIMI (alpha).
cloud-computing deep-learning deep-neural-networks medical-image-processing medical-imaging
Last synced: 20 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/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/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: 31 Jan 2025
https://github.com/arif-miad/titanic-analysis
artificial-intelligence data data-science deep-neural-networks
Last synced: 14 Jan 2025
https://github.com/veeqtoh/corossion-detection
Welcome to Underwater Corossion Detection! In this project, I will use Python to manipulate complex data streams (mainly images) and present classification results based on state-of-the-art machine learning methods.
deep-learning deep-neural-networks image-classification image-processing image-recognition
Last synced: 29 Jan 2025
https://github.com/hoanle396/chatbot-api-ai
ai api chat chat-api chatbot cnn-model deep deep-learning deep-neural-networks
Last synced: 07 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/augus1999/akane
AsymmetriC AutoeNcodEr (ACANE → AkAne). This model is part of MSc Electrochemistry and Battery Technologies project (2022 - 2023), University of Southampton.
chemistry deep-neural-networks denovo-design graph-neural-networks machine-learning multitask-learning pytorch-implementation transformer
Last synced: 14 Nov 2024
https://github.com/mostafanabieh/data-augmentation
Data augmentation by Tensorflow v2
deep deep-learning deep-neural-networks deeplearning tensorflow tensorflow-examples tensorflow-models tensorflow-tutorials tensorflow2
Last synced: 16 Jan 2025
https://github.com/oscardelgado02/signal-detection-and-classification-dl-model
Deep Learning project that uses yolov5 to detect and classify traffic signals in videos.
deep-learning deep-neural-networks object-detection object-recognition traffic traffic-sign-classification traffic-sign-detection traffic-sign-recognition traffic-signs yolo yolov5
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/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/heinrichi/facerecognitionwpf
FaceRecognitionWPF
c-sharp deep-learning deep-neural-networks face-detection face-recognition machine-learning wpf
Last synced: 27 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/norman-thomas/coursera-deep-learning
My implementation of assignments of the Coursera Deep Learning course and specialization
artificial-intelligence coursera deep-learning deep-neural-networks neural-networks
Last synced: 09 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/ostaptan/nqg
Neural Question Generator
deep-neural-networks machine-intelligence nlp tensorflow
Last synced: 19 Jan 2025
https://github.com/michaelradu/tinytensor
⚡TinyTensor is a lightweight open-source deep learning library built from scratch in Python, inspired by Joel Grus' approach.
ai deep-learning deep-learning-algorithms deep-neural-networks deep-reinforcement-learning deeplearning deeplearning-ai machine-learning machine-learning-algorithms machine-learning-library machinelearning-python neural-network python python3
Last synced: 29 Jan 2025
https://github.com/wahidpanda/car-tracking-open-cv
This project is about computer vision technology using to detect number of cars on highway
cartracking computer-vision deep-neural-networks opencv python-script pythonprojects
Last synced: 21 Jan 2025
https://github.com/e0xextazy/dog_breeds_clf
Trained the ResNet50 model from scratch on the imagewoof dataset. Reached 83% accuracy
classification classifier classifier-model deep-learning deep-neural-networks imagenette imagewoof resnet resnet-18 resnet-34 resnet-50 resnet50
Last synced: 24 Jan 2025
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/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/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/s-4-m-a-n/365-days-of-ml-challange
Welcome to the 365DaysML Challenge repository! 🚀
100-days-ml-challenge 100daysofpython 365daysofcode 365daysofmachinelearning ai computer-vision daily-learning deep-learning deep-neural-networks generative-ai machine-learning mlops natural-language-processing nlp research-paper tensorflow2
Last synced: 28 Jan 2025
https://github.com/angelmtenor/aind-deep-learning
Deep Learning and Applications
convolutional-neural-networks deep-neural-networks keras natural-language-processing recurrent-neural-networks
Last synced: 04 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/rani-sikdar/tensorflow-learning
A comprehensive repository for learning TensorFlow, featuring code examples, projects, and resources. Covers concepts from beginner to advanced, including neural networks, CNNs, RNNs, NLP, and deployment. Ideal for students, developers, and AI enthusiasts.
artificial-neural-networks convolutional-neural-networks deep-learning deep-neural-networks keras-tensorflow machine-learning recurrent-neural-networks tensorflow tensorflow-models
Last synced: 25 Jan 2025
https://github.com/estevesx10/ml2-urban-sound-classification
Urban Sound Classification [Machine Learning II Course Project]
deep-neural-networks sound-classification
Last synced: 08 Feb 2025
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: 05 Feb 2025
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/amanpriyanshu/the-unlearning-protocol
Choose which data to make your model forget (Unlearn!), but watch out - every deletion ripples!
ai artificial-intelligence artificial-neural-networks catastrophic-forgetting deep-learning deep-neural-networks deeplearning fairness fairness-ai fairness-ml gradient-ascent machine-learning neural-network neural-networks privacy privacy-enhancing-technologies privacy-protection privacy-tools unlearn unlearning
Last synced: 30 Jan 2025
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/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/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/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/papapana/dog-breed-classification-with-convolutional-neural-networks
Predicting dog breed using convolutional neural networks
convolutional-neural-networks deep-learning deep-neural-networks pytorch
Last synced: 13 Jan 2025
https://github.com/nurfakhri/predicting-travel-destination
Proyek machine learning untuk memprediksi preferensi destinasi wisata antara pantai dan gunung berdasarkan data tabular menggunakan model deep learning (TabNet dan Feedforward Neural Network) untuk klasifikasi, dengan fokus pada analisis performa
classification deep-neural-networks feedforward-neural-network machine-learning tabnet
Last synced: 05 Feb 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/clberube/gims
Command line interface for geospatial image segmentation
deep-neural-networks geospatial-analysis segmentation unet
Last synced: 21 Jan 2025
https://github.com/m0hc3n/happy-or-sad-detection-deep-learning-model
This is a simple deep learning model to detect whether a person is happy or sad.
body-recognition convolutions deep-learning deep-neural-networks face-recognition-opencv
Last synced: 08 Jan 2025
https://github.com/priyankkalgaonkar/condensenext
An Ultra-Efficient Deep Neural Network for Embedded Systems
artificial-intelligence computer-vision condensenext deep-neural-networks machine-learning pytorch
Last synced: 09 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/mituskillologies/dc-adv-nlp-may24
Programs of Advanced Certificate Course on "Python for Computational Linguistics and NLP" conducted at Deccan College PGRI, Pune. May 2024.
artificial-neural-networks bert convolutional-neural-network decision-tree deep-learning deep-neural-networks k-means-clustering knn-classification machine-learning natural-language-processing python-programming recurrent-neural-network sentiment-analysis sequence-models transformers-models
Last synced: 13 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/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/kanishknavale/slog
Master Thesis: Single Lable Object Grasping (SLOG)
deep-neural-networks dense-object-nets end-to-end-machine-learning image-correspondences keypoint-tracking keypointnet master-thesis object-generalization optimization-algorithms pytorch pytorch-lightning robotics-grasping self-supervised-learning
Last synced: 06 Jan 2025
https://github.com/rathore25/denoising-by-resnet
Use a ResNet to denoise the noisy images
cifar-10 deep-neural-networks denoising-network residual-networks resnet
Last synced: 20 Dec 2024
https://github.com/kevin-patyk/tensorflow-developer-course
This is the repository containing scripts and materials from the course TensorFlow Developer Certificate in 2023: Zero to Mastery on Udemy.
classification convolutional-neural-networks deep-learning deep-neural-networks machine-learning neural-network numpy pandas python recurrent-neural-networks regression tensorflow transfer-learning
Last synced: 06 Feb 2025
https://github.com/emaballarin/rddl
Rapid Deployment Deep Learning
anaconda-environment artificial-intelligence deep-learning deep-neural-networks infrastructure machine-learning python3 scaffold
Last synced: 27 Nov 2024