matlab-deep-learning
There are 56 repositories under matlab-deep-learning topic.
matlab-deep-learning/MATLAB-Deep-Learning-Model-Hub
Discover pretrained models for deep learning in MATLAB
matlab-deep-learning/transformer-models
Deep Learning Transformer models in MATLAB
matlab-deep-learning/reinforcement_learning_financial_trading
MATLAB example on how to use Reinforcement Learning for developing a financial trading model
matlab-deep-learning/Fault-Detection-Using-Deep-Learning-Classification
This demo shows how to prepare, model, and deploy a deep learning LSTM based classification algorithm to identify the condition or output of a mechanical air compressor.
matlab-deep-learning/Abnormal-EEG-Signal-Classification-Using-CNNs
This example shows how to build and train a convolutional neural network (CNN) from scratch to perform a classification task with an EEG dataset.
matlab-deep-learning/rl-agent-based-traffic-control
Develop agent-based traffic management system by model-free reinforcement learning
matlab-deep-learning/Industrial-Machinery-Anomaly-Detection
Extract features and detect anomalies in industrial machinery vibration data using a biLSTM autoencoder
matlab-deep-learning/pose-estimation-3d-with-stereo-camera
This demo uses a deep neural network and two generic cameras to perform 3D pose estimation.
matlab-deep-learning/playing-Pong-with-deep-reinforcement-learning
Train a reinforcement learning agent to play a variation of Pong®
matlab-deep-learning/Explore-Deep-Network-Explainability-Using-an-App
This repository provides an app for exploring the predictions of an image classification network using several deep learning visualization techniques. Using the app, you can: explore network predictions with occlusion sensitivity, Grad-CAM, and gradient attribution methods, investigate misclassifications using confusion and t-SNE plots, visualize layer activations, and many more techniques to help you understand and explain your deep network’s predictions.
matlab-deep-learning/Brain-MRI-Age-Classification-using-Deep-Learning
MATLAB example using deep learning to classify chronological age from brain MRI images
matlab-deep-learning/COVID19-Face-Mask-Detection-using-deep-learning
The entire workflow of developing deep learning model for detecting face mask.
matlab-deep-learning/mask-rcnn
Mask-RCNN training and prediction in MATLAB for Instance Segmentation
matlab-deep-learning/Pretrained-YOLOv8-Network-For-Object-Detection
YOLO v8 training and inference in MATLAB for Object Detection with yolov8n, yolov8s, yolov8m, yolov8l, yolov8x, networks
matlab-deep-learning/pix2pix
Image to Image Translation Using Generative Adversarial Networks
matlab-deep-learning/Human-Pose-Estimation-with-Deep-Learning
MATLAB example of deep learning based human pose estimation.
matlab-deep-learning/resnet-50
Repo for ResNet-50
matlab-deep-learning/Pretrained-YOLOX-Network-For-Object-Detection
YOLOX inference in MATLAB for Object Detection with yolox_s, yolox_m & yolox_l networks
matlab-deep-learning/pretrained-deeplabv3plus
DeepLabv3+ inference and training in MATLAB for Semantic Segmentation
matlab-deep-learning/deep-sudoku-solver
Find and solve sudoku puzzles in images using deep learning and computer vision
matlab-deep-learning/googlenet
Repo for GoogLeNet
matlab-deep-learning/Lidar-object-detection-using-complex-yolov4
Object detection and transfer learning on point clouds using pretrained Complex-YOLOv4 models in MATLAB
matlab-deep-learning/Object-Detection-Using-Pretrained-YOLO-v2
YOLO v2 prediction and training in MATLAB for Object Detection with darknet19 & tinyYOLOv2 base networks
matlab-deep-learning/Image-domain-conversion-using-CycleGAN
MATLAB example of deep learning for image domain conversion
matlab-deep-learning/resnet-18
Repo for ResNet-18
ThecoderPinar/Earthquake_Prediction_Analysis_Project
🌍 Welcome to the Earthquake Prediction Analysis Project! 🚀 This project aims to predict earthquake magnitudes using LSTM neural networks and analyze seismic data. Explore, analyze, and forecast earthquakes with ease! 📈🔮
matlab-deep-learning/pretrained-efficientdet-d0
Object detection and transfer learning using pretrained EfficientDet-D0 model in MATLAB.
matlab-deep-learning/pretrained-salsanext
Semantic segmentation and transfer learning using pretrained SalsaNext model in MATLAB
matlab-deep-learning/Social-Distancing-Monitoring-System
AI-enabled social distancing detection tool that can detect if people are keeping a safe distance from each other by analyzing real-time video streams from the camera. - Idea Credit : Landing AI (https://landing.ai/)
matlab-deep-learning/mobilenet-v2
Repo for MobileNet-v2
matlab-deep-learning/CSINet-Channel-Compression-in-MATLAB-Using-Keras
This example shows how to co-execute MATLAB and Python to simulate the effect of channel estimate compression on precoding in a MIMO OFDM channel.
matlab-deep-learning/Quantized-Deep-Neural-Network-on-Jetson-AGX-Xavier
How to create, train and quantize network, then integrate it into pre/post image processing and generate CUDA C++ code for targeting Jetson AGX Xavier
matlab-deep-learning/resnet-101
Repo for ResNet-101 model
matlab-deep-learning/pillQC
A pill quality control dataset and associated anomaly detection example
mathworks/Wood-Species-Classification-Using-Vibration-Signature
Artificial Intelligence based model for classifying different wood species based on specific vibration characteristics.
matlab-deep-learning/neuron-coverage-for-deep-learning
Compute the neuron coverage of a deep learning network in MATLAB.