A curated list of awesome Matlab frameworks, libraries and software.
- PRML/PRMLT - Matlab code of machine learning algorithms in book PRML
- rasmusbergpalm/DeepLearnToolbox - Matlab/Octave toolbox for deep learning. Includes Deep Belief Nets, Stacked Autoencoders, Convolutional Neural Nets, Convolutional Autoencoders and vanilla Neural Nets. Each method has examples to get you started.
- personqianduixue/Math_Model - 数学建模、美赛、美国大学生数学建模竞赛、全国大学生数学建模竞赛、华为杯研究生数学建模、国赛LaTeX模板、美赛LaTeX模板、mathorcup、电工杯、华中赛、APMCM、深圳杯、中青杯、华东杯、数维杯、东三省数学建模、认证杯、数学建模书籍、常用matlab算法、国赛评阅要点、软件模型算法汇总、智能算法、优化算法、现代的算法
- HuangCongQing/Algorithms_MathModels - 【国赛】【美赛】数学建模相关算法 MATLAB实现(2018年初整理)
- Ayatans/Machine-Learning-homework - Matlab Coding homework for Machine Learning
- BIMK/PlatEMO - Evolutionary multi-objective optimization platform
- matlab2tikz/matlab2tikz - This program converts MATLAB®/Octave figures to TikZ/pgfplots figures for smooth integration into LaTeX.
- petercorke/robotics-toolbox-matlab - Robotics Toolbox for MATLAB
- mathworks/MATLAB-Simulink-Challenge-Project-Hub - This MATLAB and Simulink Challenge Project Hub contains a list of research and design project ideas. These projects will help you gain practical experience and insight into technology trends and industry directions.
- altmany/export_fig - A MATLAB toolbox for exporting publication quality figures
- scottclowe/matlab-schemer - Apply and save color schemes in MATLAB with ease.
- pdollar/toolbox - Piotr's Image & Video Matlab Toolbox
- trekhleb/machine-learning-octave - 🤖 MatLab/Octave examples of popular machine learning algorithms with code examples and mathematics being explained
- fieldtrip/fieldtrip - The MATLAB toolbox for MEG, EEG and iEEG analysis
- andrewssobral/lrslibrary - Low-Rank and Sparse Tools for Background Modeling and Subtraction in Videos
- LyricYang/MIMO_OFDM - 《MIMO-OFDM无线通信技术及MATLAB实现》随书源码
- benfulcher/hctsa - Highly comparative time-series analysis
- LiYangSir/Smart-Algorithm - 智能算法-遗传算法、蚁群算法、粒子群算法实现。实现版本Java,Python,MatLab多版本实现
- kyamagu/mexopencv - Collection and a development kit of matlab mex functions for OpenCV library
- alecjacobson/gptoolbox - Matlab toolbox for Geometry Processing.
- MatthewPeterKelly/OptimTraj - A trajectory optimization library for Matlab
- martin-danelljan/ECO - Matlab implementation of the ECO tracker.
- AtsushiSakai/MATLABRobotics - MATLAB sample codes for mobile robot navigation
- sccn/eeglab - EEGLAB is an open source signal processing environment for electrophysiological signals running on Matlab and developed at the SCCN/UCSD
- cszn/IRCNN - Learning Deep CNN Denoiser Prior for Image Restoration (CVPR, 2017) (Matlab)
- rodralez/NaveGo - NaveGo: an open-source MATLAB/GNU Octave toolbox for processing integrated navigation systems and performing inertial sensors analysis.
- CERN/TIGRE - TIGRE: Tomographic Iterative GPU-based Reconstruction Toolbox
- ZJULearning/MatlabFunc - Matlab codes for feature learning
- yalmip/YALMIP - MATLAB toolbox for optimization modeling
- davidvarga/MBeautifier - MBeautifier is a MATLAB source code formatter, beautifier. It can be used directly in the MATLAB Editor and it is configurable.
- XgTu/2DASL - The code (pytorch for testing & matlab for 3D plot and evaluation) for our project: Joint 3D Face Reconstruction and Dense Face Alignment from A Single Image with 2D-Assisted Self-Supervised Learning (2DASL)
- bayesnet/bnt - Bayes Net Toolbox for Matlab
- matlab-deep-learning/MATLAB-Deep-Learning-Model-Hub - Discover pretrained models for deep learning in MATLAB
- vonsylvia/MATLAB_Algorithm_with_cases - 遗传算法、免疫算法、退火算法、粒子群算法、鱼群算法、蚁群算法和神经网络算法等常用智能算法的MATLAB实现
- MATPOWER/matpower - MATPOWER – steady state power flow simulation and optimization for MATLAB and Octave
- cszn/SRMD - Learning a Single Convolutional Super-Resolution Network for Multiple Degradations (CVPR, 2018) (Matlab)
- peijin94/matlabPlotCheatsheet - A cheatsheet for those who plot with MATLAB
- ravenxrz/Mathematical-Modeling - 数学建模算法学习
- Shuai-Xie/genetic-algorithm - 遗传算法 - Matlab
- brainstorm-tools/brainstorm3 - Brainstorm software: MEG, EEG, fNIRS, ECoG, sEEG and electrophysiology
- votchallenge/toolkit-legacy - Visual Object Tracking (VOT) challenge evaluation toolkit
- plotly/plotly_matlab - Plotly Graphing Library for MATLAB®
- banterle/HDR_Toolbox - HDR Toolbox for processing High Dynamic Range (HDR) images into MATLAB and Octave
- DrCoffey/DeepSqueak - DeepSqueak v3: Using Machine Vision to Accelerate Bioacoustics Research
- USNavalResearchLaboratory/TrackerComponentLibrary - This is a collection of Matlab functions that are useful in the development of target tracking algorithms.
- TheAlgorithms/MATLAB-Octave - This repository contains algorithms written in MATLAB/Octave. Developing algorithms in the MATLAB environment empowers you to explore and refine ideas, and enables you test and verify your algorithm.
- posenhuang/deeplearningsourceseparation - Deep Recurrent Neural Networks for Source Separation
- OpenOCL/OpenOCL - Open Optimal Control Library for Matlab. Trajectory Optimization and non-linear Model Predictive Control (MPC) toolbox.
- YashBansod/Robotics-Planning-Dynamics-and-Control - RPDC : This contains all my MATLAB codes for the Robotics, Planning, Dynamics and Control . The implementations model various kinds of manipulators and mobile robots for position control, trajectory planning and path planning problems.
- precise-simulation/featool-multiphysics - FEATool - "Physics Simulation Made Easy" (Fully Integrated FEA, FEniCS, OpenFOAM, SU2 Solver GUI & Multi-Physics Simulation Platform)
- mahmoudnafifi/WB_sRGB - White balance camera-rendered sRGB images (CVPR 2019) [Matlab & Python]
- iqiukp/ZoomPlot-MATLAB - MATLAB Code for Interactive Magnification of Customized Regions.
- markostam/active-noise-cancellation - Active noise cancellation using various algorithms (FxLMS, FuLMS, NLMS) in Matlab, VST and C
- MMehrez/MPC-and-MHE-implementation-in-MATLAB-using-Casadi - This is a workshop on implementing model predictive control (MPC) and moving horizon estimation (MHE) on Matlab. The implementation is based on the Casadi Package which is used for numerical optimization. A non-holonomic mobile robot is used as a system for the implementation. The workshop video recording can be found here https://www.youtube.com/playlist?list=PLK8squHT_Uzej3UCUHjtOtm5X7pMFSgAL ... Casadi can be downloaded here https://web.casadi.org/
- yang69/MIMO-OFDM-Wireless-Communications-with-MATLAB - MATLAB Code for MIMO-OFDM Wireless Communications with MATLAB | MIMO-OFDM无线通信技术及MATLAB实现
- star2dust/paper-simulation - Let's reproduce paper simulations of multi-robot systems, formation control, distributed optimization and cooperative manipulation.
- gpeyre/matlab-toolboxes - Contains all my Matlab toolboxes.
- panditanvita/BTCpredictor - Bitcoin price prediction algorithm using bayesian regression techniques
- SciML/SciMLBenchmarks.jl - Scientific machine learning (SciML) benchmarks, AI for science, and (differential) equation solvers. Covers Julia, Python (PyTorch, Jax), MATLAB, R
- ai-winter/matlab_motion_planning - Motion planning and Navigation of AGV/AMR:matlab implementation of Dijkstra, A*, Theta*, JPS, D*, LPA*, D* Lite, RRT, RRT*, RRT-Connect, Informed RRT*, ACO, Voronoi, PID, LQR, MPC, APF, RPP, DWA, DDPG, Bezier, B-spline, Dubins, Reeds-Shepp etc.
- AlterWL/Battery_SOC_Estimation - Battery state of charge estimation using kalman filter in Matlab
- NicolasBoumal/manopt - Manopt, a Matlab toolbox for optimization on manifolds
- NeuroJSON/jsonlab - JSONLab: compact, portable, robust JSON/binary-JSON encoder/decoder for MATLAB/Octave
- mathworks/awesome-matlab-students - An awesome list of helpful resources for students learning MATLAB & Simulink. List includes tips & tricks, tutorials, videos, cheat sheets, and opportunities to learn MATLAB & Simulink.
- liyanluminary/Modeling-and-Simulation-of-MATLAB-Simulink-Communication-System - 详解MATLAB Simulink通信系统建模与仿真 刘学勇编著 源码
- morriswmz/doa-tools - A set of MATLAB functions for direction-of-arrival (DOA) estimation in array signal processing.
- masumhabib/PlotPub - Publication quality plot in MATLAB.
- wanghuohuo0716/hybrid_A_star - 本仓库是对混合A*算法的matlab复现
- layumi/Image-Text-Embedding - TOMM2020 Dual-Path Convolutional Image-Text Embedding 🐾 https://arxiv.org/abs/1711.05535
- 2417677728/OFDM - A MATLAB program to help understand OFDM.
- mtex-toolbox/mtex - MTEX is a free Matlab toolbox for quantitative texture analysis. Homepage:
- jorgengrythe/beamforming - Matlab files for various types of beamforming
- Mesywang/Motion-Planning-Algorithms - Matlab Implementations of some basic motion planning algorithms, such as A*, RRT, RRT*, Minimum Snap Trajectory Generation, etc..
- goGPS-Project/goGPS_MATLAB - goGPS MATLAB is an advanced GNSS observation processing software.
- decouples/Matlab_deep_learning - 《Matlab计算机视觉与深度学习实战》代码
- anilbas/3DMMasSTN - MatConvNet implementation for incorporating a 3D Morphable Model (3DMM) into a Spatial Transformer Network (STN)
- NerdsWithAttitudes/WarpFactory - WarpFactory is a numerical toolkit for analyzing warp drive spacetimes.
- yechengxi/LightNet - Efficient, transparent deep learning in hundreds of lines of code.
- ucdavis/erplab - ERPLAB Toolbox is a free, open-source Matlab package for analyzing ERP data. It is tightly integrated with EEGLAB Toolbox, extending EEGLAB’s capabilities to provide robust, industrial-strength tools for ERP processing, visualization, and analysis. A graphical user interface makes it easy for beginners to learn, and Matlab scripting provides enormous power for intermediate and advanced users.
- mattools/matGeom - Matlab geometry toolbox for 2D/3D geometric computing
- dynamicslab/databook_matlab - Matlab files with demo code intended as a companion to the book "Data-Driven Science and Engineering: Machine Learning, Dynamical Systems, and Control" by Steven L. Brunton and J. Nathan Kutz http://www.databookuw.com/
- ori-mrg/robotcar-dataset-sdk - Software Development Kit for the Oxford Robotcar Dataset
- marianux/ecg-kit - A Matlab toolbox for cardiovascular signal processing
- dch33/Quad-Sim - A package of documentation and software supporting MATLAB/Simulink based dynamic modeling and simulation of quadcopter vehicles for control system design
- HybridRobotics/CBF-CLF-Helper - Matlab Interface for Control Barrier Function (CBF) and Control Lyapunov Function (CLF) based control methods.
- ktekeli/audio-steganography-algorithms - A Library of Audio Steganography & Watermarking Algorithms
- flatironinstitute/CaImAn-MATLAB - Complete Matlab pipeline for large scale calcium imaging data analysis
- bastibe/Violinplot-Matlab - Violin Plots for Matlab
- huashiyiqike/LSTM-MATLAB - LSTM-MATLAB is Long Short-term Memory (LSTM) in MATLAB, which is meant to be succinct, illustrative and for research purpose only. It is accompanied with a paper for reference: Revisit Long Short-Term Memory: An Optimization Perspective, NIPS deep learning workshop, 2014.
- chengchengzi/Digital-Image-Processing - 冈萨雷斯《数字图像处理matlab版》第二版
- acerbilab/bads - Bayesian Adaptive Direct Search (BADS) optimization algorithm for model fitting in MATLAB
- yandld/nav_matlab - 基于的matlab导航科学计算库
- Aiwiscal/ECG-ML-DL-Algorithm-Matlab - Basic Algorithm For Beginners
- ImperialCollegeLondon/sap-voicebox - Speech Processing Toolbox for MATLAB
- s7ev3n/MPC_Code - Model Predictive Control for autonomous vehicle trajectory tracking control, in Matlab.
- zhzhanp/TCDCN-face-alignment - Matlab implementation of facial landmark detection by deep multi-task learning
- iqiukp/KPCA-MATLAB - MATLAB code for dimensionality reduction, feature extraction, fault detection, and fault diagnosis using Kernel Principal Component Analysis (KPCA).
- cvxr/CVX - A MATLAB system for disciplined convex programming
- bastamon/sound_signal_process-matlab- - 语音信号处理实验教程(MATLAB源代码)
- mathworks/Design-motor-controllers-with-Simscape-Electrical - This repository contains MATLAB and Simulink files used in the "How to design motor controllers using Simscape Electrical" videos.
- chengji253/Multiple-fixed-wing-UAVs-flight-simulation-platform - A multiple fixed-wing UAVs flight simulation platform built by matlab and simulink.
- xuyxu/Clustering - Clustering / Subspace Clustering Algorithms on MATLAB
- hliangzhao/Mathematical-Model-Implementation - MATLAB code for classic mathematical modeling.
- HybridRobotics/NMPC-DCLF-DCBF - A collection of work using nonlinear model predictive control (NMPC) with discrete-time control Lyapunov functions (CLFs) and control barrier functions (CBFs)
- ShuoYangRobotics/QuadrupedSim - A quadruped robot simulator in Matlab/Simulink
- acerbilab/vbmc - Variational Bayesian Monte Carlo (VBMC) algorithm for posterior and model inference in MATLAB
- lyc102/ifem - iFEM is a MATLAB software package containing robust, efficient, and easy-following codes for the main building blocks of adaptive finite element methods on unstructured simplicial grids in both two and three dimensions.
- lis-epfl/swarmlab - SmarmLab: a versatile Matlab package for drone swarm simulation.
- hiroyuki-kasai/SGDLibrary - MATLAB/Octave library for stochastic optimization algorithms: Version 1.0.20
- symao/minimum_snap_trajectory_generation - easy sample code for minimum snap trajectory planning in MATLAB
- ngageoint/MATLAB_SAR - A basic MATLAB library to demonstrate reading, writing, display, and simple processing of complex SAR data using the NGA SICD standard.
- hpatches/hpatches-benchmark - Python & Matlab code for local feature descriptor evaluation with the HPatches dataset.
- simos421/CST-MATLAB-API - CST-MATLAB-API
- Ultrasty/Digital-Image-Processing - 冈萨雷斯《数字图像处理》第三版-课后习题答案;《数字图像处理(matlab版)》-源代码及图片 DIP
- danipascual/GNSS-matlab - Matlab codes to generate GNSS PRNs, secondary codes, dataless signals and spectra. Includes real data captures and a theory summary. GPS (L1CA, L2C, L5), Gaileo (E1OS, E5), BeiDou-2 (B1I)
- 101Hub/Matlab101 - 📚 Matlab 学习指南、路线及笔记整理
- matlab-deep-learning/transformer-models - Deep Learning Transformer models in MATLAB
- charlienash/nricp - Matlab implementation of non-rigid iterative closest point
- petercorke/machinevision-toolbox-matlab - Machine Vision Toolbox for MATLAB
- chenjoya/Vehicle_Detection_Recognition - This is a Matlab lesson design for vehicle detection and recognition. Using cifar-10Net to training a RCNN, and finetune AlexNet to classify. Thanks to Cars Dataset:http://ai.stanford.edu/~jkrause/cars/car_dataset.html
- toshiakit/MatGPT - MATLAB app to access ChatGPT API from OpenAI
- Mayankm96/Stereo-Odometry-SOFT - MATLAB Implementation of Visual Odometry using SOFT algorithm
- xinychen/academic-drawing - Providing codes (including Matlab and Python) for visualizing numerical experiment results.
- MultiDIC/MultiDIC - Matlab 3D Digital Image Correlation Toolbox
- petercorke/spatialmath-matlab - Create, manipulate and convert representations of position and orientation in 2D or 3D using Python
- David-Guo/face_recognize - Matlab PCA 人脸识别
- dlaptev/RobustPCA - Robust PCA implementation and examples (Matlab)
- ufukefe/DFM - Python (Pytorch) and Matlab (MatConvNet) implementations of CVPR 2021 Image Matching Workshop paper DFM: A Performance Baseline for Deep Feature Matching
- strawberry-magic-pocket/Genetic-Algorithm - 基本遗传算法MATLAB程序
- danmcduff/iphys-toolbox - A MATLAB toolbox for iPPG analysis. The toolbox includes implementations of commonly used methods.
- gibbonCode/GIBBON - The Geometry and Image-Based Bioengineering add-On for MATLAB
- cerr/CERR - Matlab/Octave based platform for Radiological Research.
- filipradenovic/cnnimageretrieval - CNN Image Retrieval in MatConvNet: Training and evaluating CNNs for Image Retrieval in MatConvNet
- xiaoli1368/Microphone-sound-source-localization - 🎤 Microphone sound source localization by SRP-PHAT and others numerical methods.(基于SRP-PHAT的麦克风声源定位)
- olzhas/rrt_toolbox - RRT, RRT*, RRT*FN algorithms for MATLAB
- kyunghyuncho/deepmat - Matlab Code for Restricted/Deep Boltzmann Machines and Autoencoders
- tiepvupsu/DICTOL - DICTOL - A Dictionary Learning Toolbox in Matlab and Python
- RANSAC/RANSAC-Toolbox - A toolbox to experiment with the RANSAC algorithm for Matlab and Octave
- adnanmunawar/matlab-rrt-variants - RRT*, RRT-connect, lazy RRT and RRT extend have been implemented for 2d and 3d c-spaces with visualization
- zcemycl/Matlab-GAN - MATLAB implementations of Generative Adversarial Networks -- from GAN to Pixel2Pixel, CycleGAN
- sergeyk/selective_search_ijcv_with_python - Simple Python script to compute Selective Search proposals in Matlab.
- CHLNDDEV/OceanMesh2D - A two-dimensional triangular mesh generator with pre- and post-processing utilities written in pure MATLAB (no toolboxes required) designed specifically to build models that solve shallow-water equations or wave equations in a coastal environment (ADCIRC, FVCOM, WaveWatch3, SWAN, SCHISM, Telemac, etc.).
- karpathy/Random-Forest-Matlab - A Random Forest implementation for MATLAB. Supports arbitrary weak learners that you can define.
- fangq/iso2mesh - Iso2Mesh - a 3D surface and volumetric mesh generator for MATLAB/Octave
- ShiMengjie/Machine-Learning-Andrew-Ng - 机器学习-Coursera-吴恩达- python+Matlab代码实现
- ethanhe42/panorama - Image alignment and stitching with MATLAB
- LabForComputationalVision/matlabPyrTools - MatLab tools for multi-scale image processing, including Laplacian pyramids, Wavelets, and Steerable Pyramids
- harishrithish7/Fall-Detection - Human Fall Detection from CCTV camera feed
- RflySim/RflyExpCode - Multicopter Design and Control Experiments based on MATLAB and PixHawk
- raacampbell/shadedErrorBar - Produce elegant shaded error bars in MATLAB
- jkirkby3/PROJ_Option_Pricing_Matlab - Quant Option Pricing - Exotic/Vanilla: Barrier, Asian, European, American, Parisian, Lookback, Cliquet, Variance Swap, Swing, Forward Starting, Step, Fader
- Hannah-Zhou/Optimization_Algorithm - 非线性优化主要算法的Matlab程序,有精确线搜索的0.618法和抛物线法, 非精确线搜索的Armijo准则, 最速下降法, 牛顿法, 共轭梯度法, BFGS 算法, DFP 算法, Broyden 族方法, 信赖域方法, 求解非线性最小二乘问题的L-M算法, 解约束优化问题的乘子法, 求解二次规划的有效集法, SQP 子问题的光滑牛顿法以及求解约束优化问题的SQP方法等. 程序基本通用.
- sun11/sw-sift - Matlab implementation of sift(opensift) algorithm.
- zarathustr/LibQPEP - TRO 2022 - QPEP: A C++/MATLAB library for solving generalized quadratic pose estimation problems and related uncertainty description
- JeffFessler/mirt - Michigan Image Reconstruction Toolbox (MIRT) - Matlab version
- Bobholamovic/ChangeDetectionToolbox - MATLAB Toolbox for Remote Sensing Change Detection
- nickabattista/IB2d - An easy to use immersed boundary method in 2D, with full implementations in MATLAB and Python that contains over 75 built-in examples, including multiple options for fiber-structure models and advection-diffusion, Boussinesq approximations, and/or artificial forcing.
- mahmoudnafifi/WB_color_augmenter - WB color augmenter improves the accuracy of image classification and image semantic segmentation methods by emulating different WB effects (ICCV 2019) [Python & Matlab].
- polarch/Spherical-Array-Processing - A collection of MATLAB routines for acoustical array processing on spherical harmonic signals, commonly captured with a spherical microphone array.
- Modi1987/KST-Kuka-Sunrise-Toolbox - A ToolBox for controlling KUKA iiwa robot from matlab:
- XinLiGH/GyroAllan - 陀螺仪随机误差的 Allan 方差分析
- Firmament-Autopilot/FMT-Model - Firmament Autopilot Model Framework
- clarkzinzow/Nonlinear-Optimization-Algorithms - MATLAB implementations of a variety of nonlinear programming algorithms.
- MeowLucian/SDR_Matlab_OFDM_802.11a - 📡 Using Software Designed Radio to transmit OFDM QPSK signals at 5 GHz
- Grootzz/GA-BP - 基于遗传算法的BP网络设计,应用背景为交通流量的预测
- dsoellinger/blind_image_quality_toolbox - Collection of Blind Image Quality Metrics in Matlab
- simondlevy/SensorFusion - A simple Matlab example of sensor fusion using a Kalman filter
- matlab-deep-learning/reinforcement_learning_financial_trading - MATLAB example on how to use Reinforcement Learning for developing a financial trading model
- danaberman/non-local-dehazing - MATLAB implementation of the paper "Non-Local Image Dehazing", CVPR 2016
- Ro3code/aircraft_3d_animation - A Matlab tool to visualize recorded or simulated flight data
- ishit/L1Stabilizer - 🎥 Video stabilization using L1-norm optimal camera paths.
- singaxiong/SignalGraph - Matlab-based deep learning toolkit that supports arbitrary directed acyclic graphs (DAG). Support DNN, LSTM, CNN layers and many signal processing layers. Include recipes/examples of using the tool for various tasks.
- dingzeyuli/knn-matting - Source Code for KNN Matting, CVPR 2012 / TPAMI 2013. MATLAB code ready to run. Simple and robust implementation under 40 lines.
- DeepMIMO/DeepMIMO-matlab - DeepMIMO dataset and codes for mmWave and massive MIMO applications
- WEC-Sim/WEC-Sim - Wave Energy Converter Simulator (WEC-Sim), an open-source code for simulating wave energy converters.
- canlab/CanlabCore - Core tools required for running Canlab Matlab toolboxes. The heart of this toolbox is object-oriented tools that enable interactive analysis of neuroimaging data and simple scripts using high-level commands tailored to neuroimaging analysis.
- bbci/bbci_public - MATLAB toolbox for Brain-Computer Interfacing (BCI)
- lacerbi/optimviz - Visualize optimization algorithms in MATLAB.
- waps101/3DMM_edges - Matlab implementation of algorithm for fitting 3D Morphable Model to images using edge features
- TianLin0509/Hybrid-Beamforming-for-Millimeter-Wave-Systems-Using-the-MMSE-Criterion - The Matlab Simulation codes for Hybrid Beamforming for Millimeter Wave Systems Using the MMSE Criterion.
- heihei12305/MOPSO - MOPSO及pso可编译运行matlab源码,及相关论文资源
- covartech/PRT - Pattern Recognition Toolbox for MATLAB
- avenix/WDK - The Wearables Development Toolkit - a development environment for activity recognition applications with sensor signals
- mvallieres/radiomics - MATLAB programming tools for radiomics analysis
- justinblaber/ncorr_2D_matlab - 2D Digital Image Correlation Matlab Software
- denkywu/Simulation-of-SAR-Imaging-Algorithm - 合成孔径雷达成像 相关。Some work I did during my graduate studies (Matlab Code) : (1) Simulation of SAR Imaging Algorithm, including RD and CS.
- YuYongRun/PolarCodeDecodersInMatlab - This is the Matlab realization of Polar Decoders, including CA-SCL, Fast CA-SCL and BP decoder.
- mbrossar/FUSION2018 - Matlab code used for the paper " Invariant Kalman Filtering for Visual Inertial SLAM"
- flatironinstitute/NoRMCorre - Matlab routines for online non-rigid motion correction of calcium imaging data
- SwanLab/Swan - Topology Optimization Laboratory
- polarch/Spherical-Harmonic-Transform - A collection of MATLAB routines for the Spherical Harmonic Transform and related manipulations in the spherical harmonic spectrum.
- weitw/ImageDenoise - 基于MATLAB实现传统图像去噪算法(均值滤波、中值滤波、非局部均值滤波NLM、三维块匹配滤波BM3D)和基于深度卷积神经网络的DnCNN图像去噪算法。
- grinsted/wavelet-coherence - A cross wavelet and wavelet coherence toolbox for MATLAB
- KuangJuiHsu/DeepCO3 - [CVPR19] DeepCO3: Deep Instance Co-segmentation by Co-peak Search and Co-saliency (Oral paper)
- hangxyz/License-Plate-Recognition-by-MATLAB - 基于MATLAB的车牌识别系统
- epfl-lts2/gspbox - Graph Signal Processing in Matlab
- cvxr/TFOCS - A MATLAB toolbox for building first-order solvers for convex models.
- Shrediquette/PIVlab - Particle Image Velocimetry for Matlab, official repository
- ricedsp/rwt - The Rice Wavelet Toolbox (RWT) is a collection of Matlab M-files and C MEX-files for 1D and 2D wavelet and filter bank design, analysis, and processing. The toolbox provides tools for denoising and interfaces directly with our Matlab code for wavelet domain hidden Markov models and wavelet regularized deconvolution.
- jimmy-ren/vcnn_double-bladed - Vectorized implementation of convolutional neural networks (CNN) in Matlab for both visual recognition and image processing.
- JorgeGT/PlotRTL1090 - 3D visualization of air traffic through RTL-SDR (dump1090) and MATLAB
- spm/spm12 - Public Releases of SPM12 - see https://github.com/spm/spm for the Development Version
- jiayuzhou/MALSAR - Multi-task learning via Structural Regularization
- utiasSTARS/msckf-swf-comparison - MATLAB code and data for our CRV 2015 paper
- SheffieldML/GPmat - Matlab implementations of Gaussian processes and other machine learning tools.
- LazyFalcon/D_star_PathPlanning - Simple Matlab implementation of DLite, Focussed D, A*, for dynamic path planning for mobile robots
- nctoolbox/nctoolbox - NCTOOLBOX A Matlab toolbox for working with common data model datasets
- MBB-team/VBA-toolbox - The VBA toolbox
- douthwja01/OpenMAS - OpenMAS is an open source multi-agent simulator based in Matlab for the simulation of decentralized intelligent systems defined by arbitrary behaviours and dynamics.
- IoSR-Surrey/MatlabToolbox - General purpose Matlab toolbox
- baddoo/piDMD - MATLAB codes for physics-informed dynamic mode decomposition (piDMD)
- zhenghuatan/rVAD - Matlab and Python libraries for an unsupervised method for robust voice activity detection (rVAD), as in the paper rVAD: An Unsupervised Segment-Based Robust Voice Activity Detection Method.
- tminka/lightspeed - lightspeed matlab toolbox
- s-kajita/IntroductionToHumanoidRobotics - Matlab code for a Springer book "Introduction to Humanoid Robotics"
- JackHCC/Audio-Digital-Processing - 数字信号处理大作业:Matlab实现语音分析:加噪声,频谱分析,滤波器等等(内附报告)【Matlab for speech analysis: add noise, spectrum analysis, filter, etc】
- philbooks/Kalman-Filter-for-Beginners - Sample code in MATLAB/Octave for "Kalman Filter for Beginners"
- Eurus-Holmes/Mathematical_Modeling - 🎊 Mathematical Modeling Algorithms and Applications
- lzane/VRP-using-SA-with-Matlab - Vehicle Routing Problem (VRP) using Simulated Annealing (SA) with Matlab / 模拟退火
- vitorsr/SIHR - Fast/non-data-aided single image highlight removal methods in MATLAB/GNU Octave
- robotology/whole-body-controllers - Simulink-based whole body controllers for humanoid robots.
- danaberman/underwater-hl - MATLAB code for color restoration of underwater images
- cortex-lab/allenCCF - Tools to work with Allen Inst CCF data in matlab
- alexisInSAR/EZ-InSAR - Matlab Interface for Easy InSAR
- dengwirda/mesh2d - MESH2D is a MATLAB-based Delaunay mesh generator for two-dimensional geometries.
- tomgoldstein/phasepack-matlab - A software library for solving phase retrieval problems, and comparing phase retrieval methods.
- StevenJL/tdoa_localization - Time delay of arrival localization algorithm in Matlab
- SpectralPOD/spod_matlab - Spectral proper orthogonal decomposition in Matlab
- intLyc/MTO-Platform - Multitask Optimization Platform (MToP): A MATLAB Optimization Platform for Evolutionary Multitasking
- DrosteEffect/BrewerMap - [MATLAB] The complete palette of ColorBrewer colormaps. Simple selection by scheme name and map length.
- tavildar/Polar - C and MATLAB implementation for Polar encoding and decoding
- sofacoustics/SOFAtoolbox - SOFA Toolbox (API for Matlab, Octave)
- sjtrny/Dark-Channel-Haze-Removal - MATLAB implementation of "Single Image Haze Removal Using Dark Channel Prior"
- jrgenerative/fixed-wing-sim - Matlab implementation to simulate the non-linear dynamics of a fixed-wing unmanned areal glider. Includes tools to calculate aerodynamic coefficients using a vortex lattice method implementation, and to extract longitudinal and lateral linear systems around the trimmed gliding state.
- robmaunder/polar-3gpp-matlab - Matlab simulations of the encoder and SCL decoder for the New Radio polar code from 3GPP Release 15
- zhixuany/HUMBI - This repository contains official code (in MATLAB) for exploring and visualizing HUMBI dataset introduced in the paper "HUMBI: A Large Multiview Dataset of Human Body Expressions" (CVPR 2020).
- geoscience-community-codes/GISMO - GISMO - a seismic data analysis toolbox for MATLAB
- stephenbeckr/fastRPCA - Matlab code for all variants of robust PCA and SPCP
- pglira/Point_cloud_tools_for_Matlab - Various point cloud tools for Matlab
- liukewia/Solving-TSP-VRP - A MATLAB Implementation of Heuristic Algorithms to Traveling Salesman Problem and Vehicle Routing Problems.
- faridani/MatlabNLP - Natural Language Processing tools for MATLAB
- AomanHao/Matlab-Image-Dehaze-Enhance - 图像去雾、图像增强、灰度直方图均衡化等
- lionsimbatoolbox/LIONSIMBA - A Matlab framework based on a finite volume model suitable for Li-ion battery design, simulation, and control
- jaijuneja/ekf-slam-matlab - A Simultaneous Localisation and Mapping simulation in MATLAB
- dianixn/Signal_detection_OFDMPowerofDNN - MATLAB demonstration for the paper 'Power of Deep Learning for Channel Estimation and Signal Detection in OFDM Systems'
- ayrna/orca - Ordinal Regression and Classification Algorithms
- alexandrebarachant/covariancetoolbox - Covariance toolbox for matlab, including riemannian geometry
- wme7/Aero-matlab - My matlab homework files
- Grootzz/GLCM-SVM - 提取图像的灰度共生矩阵(GLCM),根据GLCM求解图像的概率特征,利用特征训练SVM分类器,对目标分类
- mathworks-robotics/trajectory-planning-robot-manipulators - MATLAB and Simulink examples for trajectory generation and evaluation of robot manipulators.
- lmendo/MATL - A programming language based on MATLAB and suitable for code golfing
- thomaskuestner/CS_MoCo_LAB - Compressed Sensing and Motion Correction LAB: An MR acquisition and reconstruction system
- mstorath/Pottslab - Unsupervised multilabel image segmentation (color/gray/multichannel) based on the Potts model (aka piecewise constant Mumford-Shah model)
- RoyiAvital/StackExchangeCodes - Codes related to answers on StackExchange Network.
- ma-xu/CollaborativeFiltering - matlab, collaborative filtering, MovieLens dataset,The movie recommendation system
- dustinstansbury/medal - Matlab Environment for Deep Architecture Learning
- zwx8981/DBCNN - Blind Image Quality Assessment Using A Deep Bilinear Convolutional Neural Network
- jonathanlilly/jLab - A Matlab toolbox for big data analysis, signal processing, mapping, and oceanographic applications.
- BatzoglouLabSU/SIMLR - Implementations in both Matlab and R of the SIMLR method. The manuscript of the method is available at: https://www.nature.com/articles/nmeth.4207
- bastibe/transplant - Transplant is an easy way of calling Matlab from Python
- wsshin/maxwellfdfd - MATLAB-based solver package of Maxwell's equations by the FDFD method
- wknoben/MARRMoT - Modular Assessment of Rainfall-Runoff Models Toolbox - Matlab code for 47 conceptual hydrologic models
- matlab-deep-learning/llms-with-matlab - Connect MATLAB to LLM APIs, including OpenAI® Chat Completions, Azure® OpenAI Services, and Ollama™
- jkadbear/LoRaPHY - Complete LoRa physical layer (LoRa PHY) implementation in MATLAB.
- jdonley/SoundZone_Tools - Signal Processing Tools for MATLAB
- davidscmx/radar-target-generation-and-detection - Configures the FMCW waveform based on the system requirements. Then defines the range and velocity of a target and simulates its displacement. For the same simulation loop process, the transmit and receive signals are computed to determine the beat signal. Then it performs a Range FFT on the received signal to determine the Range Towards the end, perform the CFAR processing on the output of 2nd FFT to display the target.
- andrewssobral/mctc4bmi - Matrix and Tensor Completion for Background Model Initialization
- sqlp/sdpt3 - SDPT3: MATLAB/Octave software for semidefinite-quadratic-linear programming
- mvansegbroeck-zz/vad - Voice Activity Detection system (Matlab-based implementation)
- mattools/matImage - Image Processing library for Matlab
- lmthang/nmt.matlab - Code to train state-of-the-art Neural Machine Translation systems.
- isaacgerg/matlabHyperspectralToolbox - MATLAB Hyperspectral Toolbox
- d-kitamura/ILRMA - MATLAB script of Independent Low-Rank Matrix Analysis (ILRMA)
- deng-cy/deep_learning_topology_opt - Code for paper "Self-Directed Online Machine Learning for Topology Optimization"
- darkscyla/MATLAB-Carla-Interface - Interfacing Carla with MATLAB using Python and ROS
- MIT-SPARK/GlobalOptimizationTutorial - Hands-on Tutorial for Global Optimization in Matlab
- Logan-Shi/UAV-motion-control - MATLAB implementation of UAV (unmanned aerial vehicle) control simulation, with RRT (rapidly exploring random tree) for path planning, B-Spline for trajectory generation and LP (linear programming) for trajectory optimization.
- dipum/dipum-toolbox - MATLAB code for the book Digital Image Processing Using MATLAB (DIPUM)
- davidkun/HyperSpectralToolbox - HyperSpectral Matlab Toolbox forked from Sourceforge
- CSAILVision/LabelMeToolbox - MATLAB Toolbox for the LabelMe Image Database
- rafavzqz/geopdes - GeoPDEs: Isogeometric Analysis in Octave and Matlab, for research and teaching purposes.
- jdelacroix/simiam - A MATLAB-based educational bridge between theory and practice in robotics.
- denkywu/InSAR-Simulation-and-Studies - 干涉合成孔径雷达 相关。Some work I did during my graduate studies (Matlab Code) : (2) InSAR Simulation and Studies.
- Allopart/rbpf-gmapping - MatLab implementation of a Rao-Blacwellized Particle Filter for Grid- Based FastSlam
- kakearney/boundedline-pkg - Plot line(s) with error bounds/confidence intervals/etc. in Matlab
- garethjns/Kaggle-EEG - Seizure prediction from EEG data using machine learning. 3rd place solution for Kaggle/Uni Melbourne seizure prediction competition.
- anishLearnsToCode/introduction-to-programming-with-matlab - Coursera Course: Introduction to Programming 👩💻 with MATLAB ~by Vanderbilt University 🎓
- MatthewPeterKelly/dscTutorials - A few simple tutorials for dynamical systems and control. Most require Matlab.
- mathworks/2D-Lid-Driven-Cavity-Flow-Incompressible-Navier-Stokes-Solver - This repository provides MATLAB code for the lid-driven cavity flow where incompressible Navier Stokes equation is numerically solved using a simple 2nd order finite difference scheme on a staggered grid system.
- tntrung/sdm_face_alignment - The Matlab implementation of Supervised Descent Method (SDM) for Face Alignment.
- ovcharenkoo/WaveProp_in_MATLAB - Single-file implementations of 2D and 3D acoustic and elastic wave propagation in time domain using finite-differences(FDTD). Simple formulation and implementation
- mathworks/Simscape-Battery-Electric-Vehicle-Model - A Battery Electric Vehicle (BEV) model in Simscape for longitudinal powertrain analysis
- Lizonghang/DCT-FFT-and-Denoising - DCT、FFT压缩与均值滤波、中值滤波、高斯滤波、二维统计滤波、自适应中值滤波、维纳滤波、kNN滤波、NL-Means滤波的matlab实现
- christianwengert/calib_toolbox_addon - Hand-eye calibration addon for the Matlab camera calibration toolbox
- yabata/pyrenn - A Recurrent Neural Network Toolbox for Python and Matlab
- simulkade/FVTool - Finite volume toolbox for Matlab/Octave
- MathWorks-Teaching-Resources/Fourier-Analysis - Learn Fourier analysis using live scripts and apps.
- horchler/SDETools - Matlab Toolbox for the Numerical Solution of Stochastic Differential Equations
- GenLouvain/GenLouvain - A generalized Louvain method for community detection implemented in MATLAB
- EEA-sensors/ekfukf - EKF/UKF toolbox for Matlab/Octave
- sfstoolbox/sfs-matlab - SFS Toolbox for Matlab/Octave
- Saeid-jhn/Digital-Image-Watermarking - Digital Image Watermarking Method Based on Hybrid DWT-HD-SVD Technique: Attacks, PSNR, SSIM, NC
- Pengskr/MPC - 基于Matlab实现模型预测控制(MPC)
- Mericam/exposure-fusion - Exposure Fusion in Matlab
- indigits/sparse-plex - A MATLAB library for sparse representation problems
- rnissel/Channel-Estimation - Simulates an FBMC and OFDM transmission over a doubly-selective channel. Allows to reproduce all figures from "Doubly-Selective Channel Estimation in FBMC-OQAM and OFDM Systems", IEEE VTC Fall, 2018
- doda42/LFToolbox - Light Field Toolbox for MATLAB
- vision4robotics/AutoTrack - Matlab v1.0 implementation for AutoTrack
- petersenpeter/CellExplorer - CellExplorer is a graphical user interface, a standardized processing module and data structure for exploring and classifying single cells acquired using extracellular electrodes.
- brianborchers/PEIP - MATLAB code for examples and exercises for the 3rd edition of Parameter Estimation and Inverse Problems
- balcilar/Multi-Robot-Path-Planning-on-Graphs - Multi-Robot Path Planning on Graphs Solution by A* algorithm
- steven2358/kafbox - A Matlab benchmarking toolbox for kernel adaptive filtering
- sglvladi/TrackingX - An Object Oriented MATLAB toolkit for (Multi) Target Tracking.
- johnyf/openstreetmap - Interface to OpenStreetMap (load maps, extract road connectivity, plot road network & find shortest path)
- jaderberg/python-matlab-bridge - A simple interface to allow Python to call MATLAB functions.
- fordanic/image-registration - A MATLAB library/toolbox providing access to image registration suitable for use with medical images.
- facebookarchive/pose-aligned-deep-networks - Pose Aligned Networks for Deep Attribute Modeling matlab code used for the publication here: http://arxiv.org/abs/1311.5591
- cultpenguin/segymat - Read and write SEGY formatted files using Matlab/Octave
- chuanstudyup/AUV-Path-Following-Simulation - A 3D path following simulation for autonomous underwater vehicle on Matlab/Simulink
- chenwj1989/Beamforming_Examples - some Matlab examples of microphone array beamforming
- albertgran/Next-Generation-5G-OFDM-Based-Modulations - Compilation of the different MATLAB codes that were used for the experimental part of the research work presented in the article "Next Generation 5G OFDM-Based Modulations for Intensity Modulation-Direct Detection (IM-DD) Optical Fronthauling".
- xuzhenqi/cnn - This is a matlab-code implementation of convolutional neural network
- xds0112/5G_based_System_level_Integrated_Sensing_and_Communication_Simulator - System-level Simulator for 5G NR-based Integrated Sensing and Communication (ISAC)
- SysBioChalmers/yeast-GEM - The consensus GEM for Saccharomyces cerevisiae
- netstim/leaddbs - Lead-DBS is a MATLAB toolbox facilitating deep brain stimulation electrode localization and connectomic neuroimaging.
- ethanhe42/3D-reconstruction - two view structure from motion
- samuelterra22/Massive-MIMO-Hybrid-Beamforming-Matlab-Example - A simple example with how hybrid beamforming is employed at the transmit end of a massive MIMO communications system.
- jluttine/matlab - A collection of MATLAB scripts
- ikarosilva/wfdb-app-toolbox - The WFDB Toolbox for MATLAB/Octave is a collection of functions for reading, writing, and processing physiologic signals in the formats used by PhysioNet (see README for details).
- cuixing158/yolov3-yolov4-matlab - Import and export Darknet™ models within MATLAB deep learning networks.
- chudur-budur/nsga2-matlab - A very fast, 90% vectorized, NSGA-II algorithm in matlab.
- XU-TIANYANG/LADCF - Matlab implementation of TIP2019 paper "Learning Adaptive Discriminative Correlation Filters via Temporal Consistency Preserving Spatial Feature Selection for Robust Visual Object Tracking"
- msepulcre/C-V2X - Analytical Models of the Performance of C-V2X Mode 4 Vehicular Communications
- ybillchen/BP-Neural-Network-Matlab - BP Neural Network in Matlab.
- xuuyann/RobotLearningCode - matlab code for robot learning
- kts/matlab-midi - Matlab scripts to read and write MIDI files
- gustavoavellar/multi-uav-planning - This is a matlab code used in the paper Multi-UAV Routing for Area Coverage and Remote Sensing with Minimum Time
- csjunxu/TWSC-ECCV2018 - Matlab Code for "A Trilateral Weighted Sparse Coding Scheme for Real-World Image Denoising, ECCV 2018".
- BUNPC/Homer3 - MATLAB application for fNIRS data processing and visualization
- awerries/kalman-localization - MATLAB implementation of localization using sensor fusion of GPS/INS through an error-state Kalman filter.
- WoodyBuendia/HFSS-MATLAB-API - HFSS-MATLAB-API is a library toolbox to control Ansoft HFSS from MATLAB using the HFSS Scripting Interface. This tool provides a set of MATLAB functions to create 3D objects in HFSS by generating the required HFSS Scripts. Basically, anything that can be done in HFSS user interface and the 3D Modeler can be done with this library of functions. Once a script is generated in this manner, it can be run in HFSS to generate the 3D model, solve it and export the data. You create your entire design in MATLAB and basically use HFSS to solve it.
- SheffieldML/deepGP - Deep Gaussian Processes in matlab
- SanketD92/CT-Image-Reconstruction - Computed Tomography Image Reconstruction Project using MATLAB
- methlabUZH/automagic - Automagic
- Eric-Bradford/TS-EMO - This repository contains the source code for “Thompson sampling efficient multiobjective optimization” (TSEMO).
- vlfeat/autonn - A fast and expressive Matlab/MatConvNet deep learning API, with native automatic differentiation
- scatnet/scatnet - Scattering Network for Matlab
- petercorke/RVC3-MATLAB - New toolbox, data and examples for Robotics, Vision & Control: 3rd edition in MATLAB
- leggedrobotics/vitruvio - Vitruvio is a framework for rapid leg design analysis and optimization for legged robots. The purpose of the simulation framework is to guide the early stages of legged robot design. The end effectors track an input trajectory and the necessary joint speed, torque, power and energy for the tracking is computed.
- jmmanley/VGG-Multiple-View-Geometry - A set of MATLAB utilities for multiple view geometry, provided alongside Hartley & Zisserman's "Multiple View Geometry in Computer Vision, Second Edition" (2004). Obtained from http://www.robots.ox.ac.uk/~vgg/hzbook/code/.
- huiwenzhang/ml-in-action - 出版书籍《机器学习入门到实践——MATLAB实践应用》一书中的实例程序。涉及监督学习,非监督学习和强化学习。(code for book "Machine Learning Introduction & action in MATLAB")
- wargod797/Fault_diagnosis_ballbearing_wavelet - Bearing fault diagnosis is important in condition monitoring of any rotating machine. Early fault detection in machinery can save millions of dollars in emergency maintenance cost. Different techniques are used for fault analysis such as short time Fourier transforms (STFT), Wavelet analysis (WA), cepstrum analysis, Model based analysis, etc. we have doing detecting bearing faults using FFT and by using Wavelet analysis more specifically wavelet Analysis up to two levels of approximations and detail components. The analysis is carried out offline in MATLAB. Diagnosing the faults before in hand can save the millions of dollars of industry and can save the time as well. It has been found that Condition monitoring of rolling element bearings has enabled cost saving of over 50% as compared with the old traditional methods. The most common method of monitoring the condition of rolling element bearing is by using vibration signal analysis. Measure the vibrations of machine recorded by velocity
- Marksman007577/Autonomous-Drive - Autonomous Vehicle modelling using MATLAB and Simulink
- rlee32/lbm_matlab - Lattice Boltzmann Method (LBM) codes in MATLAB for educational purposes, based on codes in the textbook by A. A. Mohamad.
- MeowLucian/SDR_Matlab_OFDM_802.11n - 📡 Using Software Designed Radio to transmit MIMO-OFDM QPSK signals at 5 GHz
- imistyrain/MatConvNet-oneclick - Train your own data with MatConvNet
- FengZhenhua/Wing-Loss - A Matlab Implementation for CNN-based Facial Landmark Localisation using Wing Loss
- Dynamic-Systems-and-GP/GPdyn - Gaussian Process Model Dynamic System Identification Toolbox for Matlab
- CALFEM/calfem-matlab - CALFEM - a finite element toolbox for MATLAB
- balcilar/DRLSE-Image-Segmentation - Distance Regularized Level Set Evolution and Its Application to Image Segmentation
- yuip/hfss-api - A HFSS API to control HFSS from Matlab
- wme7/ApproximateRiemannSolvers - My personal collection of Riemann solvers using MUSCL and WENO schemes written as short Matlab scripts
- Wang-Yanping1996/Secured-Constraints-Unit-Commitment-SCUC-model-of-Power-system - Secured Constraints Unit Commitment model of Power system, including the model based on AC flow equation and DC flow equation. Only the constraints in pre-contingency state are considered. There is a piecewise function expression for power generation costs. However, I'm sorry that the version is relative old, and it may be difficult to read or modify. 电力系统安全约束单位承诺模型,包括基于交流潮流方程和直流潮流方程的模型。 仅考虑意外前状态下的约束。 有一个用于发电成本的分段函数表达式。 但是,很抱歉该版本相对较旧,可能难以阅读或修改。 Besides, note that the model is based on the Matlab, Yalmip, and the solver is Gurobi. It can be changed to other solvers, such as Cplex, by modifying the parameter 'gurobi' in sentence 'ops = settings('solver','gurobi''. 此外,请注意,该模型基于Matlab,Yalmip,求解器为Gurobi。 通过修改句子'ops = settings('solver','gurobi'中的参数'gurobi',可以将其更改为其他求解器,例如Cplex。 If you have any idea on improving this model, please contact me. 如果您有任何改进此模型的想法,请联系我
- rmarquis/coursera-machinelearning - Stanford University - Machine Learning by Andrew Ng
- jnagy1/IRtools - MATLAB package of iterative regularization methods and large-scale test problems. This software is described in the paper "IR Tools: A MATLAB Package of Iterative Regularization Methods and Large-Scale Test Problems" that will be published in Numerical Algorithms, 2018.
- ECheynet/SEIR - Generalized SEIR Epidemic Model (fitting and computation)
- alexanderlerch/ACA-Code - Matlab scripts accompanying the book "An Introduction to Audio Content Analysis" (www.AudioContentAnalysis.org)
- tomdoel/pulmonarytoolkit - Lung medical image analysis and visualisation software for Matlab.
- precise-simulation/cfdtool - CFDTool - An easy to use OpenFOAM / SU2 / CFD simulation toolbox
- iff-gsc/LADAC - Library for Aircraft Dynamics And Control
- hiroyuki-kasai/ClassifierToolbox - A MATLAB toolbox for classifier: Version 1.0.7
- caomw/matlab-forensics - MATLAB implementations of popular Image Forensic algorithms
- balrifaee/Net-MPC_Collision-Avoidance - MATLAB Simulation of Networked Model Predictive Control for Vehicle Collision Avoidance
- baishanca/Communication-Matlab - 对通信原理的内容的matlab实现
- UniprJRC/FSDA - Flexible Statistics and Data Analysis (FSDA) extends MATLAB for a robust analysis of data sets affected by different sources of heterogeneity. It is open source software licensed under the European Union Public Licence (EUPL). FSDA is a joint project by the University of Parma and the Joint Research Centre of the European Commission.
- qiuwenhui/PID_MATLAB_Learn - 先进PID控制MATLAB仿真 (4th) MATLAB PID算法 仿真 学习
- PretentiousOnPurpose/NOMASystem - A MATLAB implementation of an OFDM based Power Domain NOMA System
- mjlaine/mcmcstat - MCMC toolbox for Matlab
- johannesgerer/jburkardt-m - Git Mirror of John Burkardt's great collection of MATLAB Software
- fzzfbyx/CFAR-radar-algorithm_MATLAB_GUI - 利用MATLAB GUI设计平台,设计多算法雷达一维恒虚警检测CFAR可视化界面,通过选择噪声类型、目标类型、算法类型,手动输入相关参数,可视化显示噪声波形与目标检测的回波-检测门限波形图。
- cliansang/positioning-algorithms-for-uwb-matlab - The Matlab scripts for five positioning algorithms regarding UWB localization. The five algorithms are Extended Kalman Filter (EKF), Unscented Kalman Filter (UKF), Taylor Series-based location estimation, Trilateration, and Multilateration methods.
- Apress/matlab-machine-learning - Source Code for 'MATLAB Machine Learning' by Michael Paluszek and Stephanie Thomas
- andrewssobral/mtt - MATLAB Tensor Tools
- robical/StatisticalSignalProcessing - Matlab code implementing different methods used in statistical signal processing; mainly Extended Kalman Filters, LMS/RLS, Wiener, robust regression, MMSE estimators, ML estimators, Hi-Frequency estimators (Pisarenko, MUSIC, ESPRIT)
- mobeets/mpm - Simple Matlab package management inspired by pip
- lnferris/ocean_data_tools - A MATLAB toolbox for interacting with bulk freely-available oceanographic data.
- jiaowenlong/PSO - 粒子群算法 matlab2016b
- JiamingMai/Color-Attenuation-Prior-Dehazing - MATLAB codes for the paper "A Fast Single Image Haze Removal Algorithm using Color Attenuation Prior"
- ethz-pes/AI-mag - AI-mag: Inductor Modeling and Design with FEM and Artificial Neural Network
- DanielMartensson/MataveID - System identification toolbox for GNU Octave and MATLAB
- youweiliang/Multi-view_Clustering - MATLAB code for 7 Multi-view Spectral Clustering algorithms
- MatthewPeterKelly/ParticleSwarmOptimization - Matlab implementation of particle swarm optimization. Well documented with examples.
- daniilidis-group/event_feature_tracking - This repo contains MATLAB implementations of the event-based feature tracking methods described in "Event-based Feature Tracking with Probabilistic Data Association" and "Event-based Visual Inertial Odometry".
- bahanonu/ciatah - CIAtah (pronounced cheetah): a software package for calcium imaging analysis of one- and two-photon imaging datasets. Documentation: https://git.io/ciatah_docs. Formerly known as calciumImagingAnalysis (ciapkg).
- amoudgl/mosse-tracker - Implementation of MOSSE tracker in MATLAB: Visual Object Tracking using Adaptive Correlation Filters (CVPR 2010)
- Al-Sad/DroneRF - This repository contains all MATLAB and Python codes used for Drones Detection and Identification using their RF signals.
- tutusjtu/FigureBest-2.0 - A MATLAB plugin for automatic beautification of data plots (.fig)
- Teoge/MarkToolForParkingLotPoint - A tool for parking-slot labeling under surround-view image
- Qingbao/iris - Iris Recognition Algorithms Comparison between Daugman algorithm and Hough transform on Matlab
- peak1995/Speech-enhancement-dsp - 传统方法语音增强matlab实现 1、谱减法 2、维纳滤波法 3、卡尔曼滤波法
- nicolasayotte/MatlabGDSPhotonicsToolbox - This is a Matlab library of functions to facilitate the design of Photonics Integrated Circuits GDS layout.
- mickcrosse/mTRF-Toolbox - A MATLAB package for modelling multivariate stimulus-response data
- DC9ST/tdoa-evaluation-rtlsdr - Matlab Scripts for Evaluation of a TDOA System based on RTL-SDRs
- zbai/MATLAB-Groves - Principles of GNSS, Inertial, and Multisensor Integrated Navigation Systems
- fernandoandreotti/fecgsyn - FECGSYN toolbox for ECG and fetal ECG simulation
- dutchconnectomelab/Simple-Brain-Plot - brainPlot is a MATLAB function to create simple line-art brain plots.
- brian-lau/MatlabStan - Matlab interface to Stan, a package for Bayesian inference
- ZacharyTaylor/Camera-to-Arm-Calibration - Matlab toolbox for finding the transformation from a camera to a robotic arms base
- wjxjmj/quadrotorTrackingControl - A simulation for quadrotor based on matlab
- physiozoo/mhrv - Matlab toolbox for calculating Heart-Rate Variability metrics on ECG signals
- NezaRIP/carsim-simulink-MPC-controller-practice - Including the simulink model and the MPC-Controller code. Carsim vesion 8.02, Matlab version 2018b.
- mingsongli/acycle - Acycle: Time-series analysis software for research and education
- MahmudulAlam/A-Complete-Digital-Communication-System - A simulation of a complete digital communication system with different modulation schemes in MATLAB for transmitting and receiving text messages.
- JianboTang/RNN_MATLAB - this is a matlab toolbox of deep learning about sequences learning, object-oriented,including rnn, lstm and encoder decoder(sequences to sequences) etc.GPU version is available
- JAAdrian/MatlabProgressBar - This MATLAB class provides a smart progress bar like tqdm in the command window and is optimized for progress information in simple iterations or large frameworks with full support of parallel parfor loops provided by the MATLAB Parallel Computing Toolbox.
- hli1221/imagefusion_resnet50 - ResNet-ZCA (Journal of Infrared Physics & Technology 2019, Highly Cited Paper), MatLab
- CoSMoMVPA/CoSMoMVPA - A lightweight multivariate pattern analysis (MVPA) toolbox in Matlab / Octave
- circstat/circstat-matlab - Matlab Circular Statistics Toolbox
- CelsoReyes/zmap7 - ZMAP Seismology Software. V 7.x has been updated to MATLAB R2018a.
- bilityniu/underwater_image_fusion - 水下图像增强融合算法-matlab
- Akshat2430/Dynamic-Request-Scheduling-Optimization-in-Mobile-Edge-Computing-for-IoT-Applications - This project is the implementation of the research paper titled "Dynamic Request Scheduling Optimization in Mobile Edge Computing for IoT Applications"
- Rajesh-Siraskar/Reinforcement-Learning-for-Control-of-Valves - This project uses DDPG for "optimal" control of non-linear valves. Uses MATLAB and Simulink
- partofthestars/PPGI-Toolbox - A MATLAB toolbox for Photoplethysmography Imaging
- meton-robean/SPO_BPNN_PID - 基于粒子群优化的神经网络PID控制
- mahmoudnafifi/CIE_XYZ_NET - PyTorch & Matlab code for the paper: CIE XYZ Net: Unprocessing Images for Low-Level Computer Vision Tasks (TPAMI 2021).
- jakobsj/AIRToolsII - The AIR Tools II toolbox for MATLAB accompanies the publication "AIR Tools II: algebraic iterative reconstruction methods, improved implementation", Hansen, P. C. & Jørgensen, J. S. Numer Algor (2017).
- iqiukp/SVDD-MATLAB - MATLAB Code for abnormal detection using Support Vector Data Description (SVDD).
- WeisongZhao/Sparse-SIM - Official MATLAB implementation of the "Sparse deconvolution" -v1.0.3
- vfitoolkit/VFIToolkit-matlab - A Matlab Toolkit for Macroeconomic Models using Value Function Iteration
- spm/spm - SPM (Statistical Parametric Mapping) - Development Version
- Shikhar1998/Stock-Market-Prediction-using-Neural-Networks-and-Genetic-Algorithm - Matlab Module for Stock Market Prediction using Simple NN
- rulixiang/ChangeDetectionPCAKmeans - MATLAB implementation for Unsupervised Change Detection in Satellite Images Using Principal Component Analysis and k-Means Clustering.
- RhythmJnh/Non-rigid-ICP - Non-rigid iterative closest point, nricp.
- nathanieljohnston/QETLAB - A MATLAB toolbox for quantum entanglement.
- mws262/MATLABImpedanceControlExample - user-interactive impedance control example of a 2 link, 2D arm.
- msacchi/SeismicLab - Matlab research tools to read, write and process seismic data
- michaelchughes/NPBayesHMM - Nonparametric Bayesian Inference for Sequential Data. Includes state-of-the-art MCMC inference for Beta process Hidden Markov Models (BP-HMM). Implemented in Matlab.
- MAMEM/eeg-processing-toolbox - Matlab code for proccesing EEG signals.
- jayoungo/SINS-GPS-Integrated-Navigation - Inertial Navigation System (INS) and GPS Integrated Navigation MATLAB Programs.
- ivanalberico/Robot-Dynamics-ETH - Weekly MATLAB exercises of the course "Robot Dynamics", ETH Zürich (Fall 2020).
- Biomedical-Imaging-Group/GlobalBioIm - A unifying Matlab framework for the development of reconstruction algorithms (solving inverse problems) in computational imaging
- rgavaska/Fast-Adaptive-Bilateral-Filtering - Matlab code for "Fast Adaptive Bilateral Filtering", IEEE TIP 2019.
- qiuqiangkong/matlab-hmm - Open source HMM toolbox, with Discrete-HMM, Gaussian-HMM, GMM-HMM. (matlab)
- prclibo/calibration-toolbox - Multiple-Camera System Calibration Toolbox for Matlab
- ebrevdo/synchrosqueezing - The MATLAB Synchrosqueezing Toolbox
- stabix/stabix - Slip transfer analysis toolbox and GUIs (Matlab)
- SergiosKar/Robotic-Arm - Kinematics, Dynamics, Trajectory planning and Control of a 4 degrees of freedom robotic arm with matlab robotic toolbox
- OpenWaterAnalytics/EPANET-Matlab-Toolkit - A Matlab class for EPANET water distribution simulation libraries
- hgpvision/Indirect_EKF_IMU_GPS - 基于间接卡尔曼滤波的IMU与GPS融合MATLAB仿真(IMU与GPS数据由仿真生成)
- graytowne/caser - A Matlab implementation of Convolutional Sequence Embedding Recommendation Model (Caser)
- benhager/solarized-matlab - Solarized for MATLAB
- SheffieldML/vargplvm - Bayesian GPLVM in MATLAB and R
- HirojiSawatari/EEMD-Project - This is a MATLAB project which can calculate EMD/EEMD
- analogdevicesinc/MathWorks_tools - Scripts and tools created by ADI to be used with MATLAB and Simulink with ADI products
- mc12027/OpenLAP-Lap-Time-Simulator - Open source lap time simulator coded in MATLAB.
- mathworks/ci-configuration-examples - This repository makes it easy to run your MATLAB tests on some of the most common CI platforms. The configuration files take care of setting up MATLAB and automatically executing your MATLAB tests.
- joe-of-all-trades/vtkwrite - vtkwrite writes 3D Matlab array into VTK file format
- jebej/MatlabWebSocket - A simple event-based WebSocket library for MATLAB.
- HJprint/University_project_vmd_majorization - 使用vmd算法对含有噪声的图像信号进行分解,去除掉噪声信号,将剩余信号合成,得到去噪声图像。分别使用alo、ao、ga、gwo、mpa、spo、woa算法对vmd算法中的参数进行优化,实现快速、准确的完成图像信号的分解。
- hbartle/Stewart_Platform - Matlab GUI to calculate and visualize the inverse kinematics of a rotary stewart platform.
- gc1905/5g-nr-pusch - MATLAB implementation of a transmitter and receiver chain of the 5G NR Physical Uplink Shared Channel (PUSCH) defined by 3GPP rel 15.
- dengwirda/jigsaw-matlab - MATLAB bindings for JIGSAW: a Delaunay-based unstructured mesh generator.
- acuoci/CFDofReactiveFlows - Collection of codes in Matlab(R) and C++ for solving basic problems presented and discussed in the "Computational Fluid Dynamics of Reactive Flows" course (Politecnico di Milano)
- yqueau/shape_from_shading - Matlab codes for shape from shading
- xiumingzhang/photometric-stereo - A MATLAB Implementation of the Basic Photometric Stereo Algorithm
- wanbin-song/BatteryMachineLearning - Machine learning based Lithium-Ion battery capacity estimation using multi-Channel charging Profiles
- sunhongfu/QSM - Hongfu Sun's MATLAB codes for QSM reconstruction pipeline.
- Rajshah05/UAV-swarm-control-optimization - Minimized settling time in the formation control of UAVs swarm navigation in the presence of obstacles by optimizing feedback control gains/parameters. Designed and simulated a model of swarm navigation in MATLAB
- MaciPaci/Simulation-of-Underactuated-AUV-Control-Algorithms - MatLAB and Simulink simulation of different analytical methods of trajectory tracking and path following algorithms for Underactuated Autonomous Vehicles.
- JSLee121230/Energy-Ef-cient-Data-Collection-in-UAV-Enabled-Wireless-Sensor-Network - Energy Efficient Data Collection in UAV Enabled Wireless Sensor Network in matlab
- HuaJiuShi/-MATLAB-GUI- - 基于MATLAB的图像处理GUI软件
- davidhowey/Spectral_li-ion_SPM - Spectral li-ion SPM is a MATLAB code that solves the so-called lithium-ion battery Single Particle Model (SPM) using spectral numerical methods.
- Cardiac-MR-Group-Lund/segment-open - Segment Source Distribution
- automaticanalysis/automaticanalysis - Automatic Analysis (aa)
- ymjdz/MATLAB-Codes - MATLAB simulation software for the book Principles of GNSS, Inertial, and Multisensor Integrated Navigation Systems, 2nd edition.
- Xiaoyang-Rebecca/PatternRecognition_Matlab - Feature reduction projections and classifier models are learned by training dataset and applied to classify testing dataset. A few approaches of feature reduction have been compared in this paper: principle component analysis (PCA), linear discriminant analysis (LDA) and their kernel methods (KPCA,KLDA). Correspondingly, a few approaches of classification algorithm are implemented: Support Vector Machine (SVM), Gaussian Quadratic Maximum Likelihood and K-nearest neighbors (KNN) and Gaussian Mixture Model(GMM).
- tsenst/RLOFLib - Robust Local Optical Flow (RLOF)
- rnissel/FBMC - Compares FBMC to OFDM based schemes. Reproduces all figures from “Filter bank multicarrier modulation schemes for future mobile communications”, IEEE Journal on Selected Areas in Communications, 2017.
- noureldien/FingerprintRecognition - Fingerprint Recognition in runtime using images captured from mobile. Built using Android and OpenCV. Also built in MATLAB.
- nightldj/admm_release - Matlab/Python code for the ADMM part of my thesis ''Alternating Optimization: Constrained Problems, Adversarial Networks, and Robust Models''
- LiHongbo97/Formation_Consensus_basic - A basic version for robot formation consensus and obstacle avoidance by MATLAB
- lamfur07/Flight-Dynamics-and-Control-UAVs - Understanding of flight control systems, including dynamic models for UAVs, low level autopilot design, trajectory following, and path planning. The essential physics and sensors of UAV problems, including low-level autopilot for stability and higher-level autopilot functions of path planning will be explored. Rigid-body dynamics through aerodynamics, stability augmentation, and state estimation using onboard sensors, to maneuvering through obstacles. Files include simulation projects using the MATLAB/Simulink environment. Projects start from modeling rigid-body dynamics, then add aerodynamics and sensor models. Furthermore, low-level autopilot code, extended Kalman filters for state estimation, path-following routines, and high-level path-planning algorithms.
- jgarciagimenez/GSC_beamforming - Generalised Sidelobe Canceler beamformer for an array of microphones using matlab
- dmitriy-kats/PhaseFieldGrainGrowthSimulations - These matlab codes simulate grain growth by solving the phase field equations using a centered finite difference method
- diehl/Incremental-SVM-Learning-in-MATLAB - This MATLAB package implements the methods for exact incremental/decremental SVM learning, regularization parameter perturbation and kernel parameter perturbation presented in "SVM Incremental Learning, Adaptation, and Optimization" by Christopher Diehl and Gert Cauwenberghs.
- CoveyZhang/UAV-Path-Planning - 2D and 3D Environment in UAV path planning problems using MATLAB R2016a
- ariannagavioli/Motion-Planning-for-KUKA-LBR - 🤖 A motion planning MATLAB & V-rep implementation for the KUKA LBR iiwa robotic arm, performing null-space reconfiguration for obstacle avoidance.
- zhr1201/OMLSA-speech-enhancement - Matlab implementation of the paper Noise Spectrum Estimation in Adverse Environments: Improved Minima Controlled Recursive Averaging
- zhaoxrthu/DQN_of_DWA_matlab - learning the weight of each paras in DWA(Dynamic Window Approach) by using DQN(Deep Q-Learning)
- vkrepo/MATLAB-NS3 - MATLAB and NS3 co-simulation
- urbste/MLPnP_matlab_toolbox - The toolbox is a collection of PnP methods for Matlab. It can be used to benchmark algorithms.
- trendscenter/gift - Group ICA/IVA software (MATLAB)
- StackOverflowMATLABchat/NeuralNetPlayground - A MATLAB implementation of the TensorFlow Neural Networks Playground seen on http://playground.tensorflow.org/
- nwilliterate/adaptive-fuzzy-sliding-mode-control - adaptive fuzzy sliding mode control for robot manipulator
- MathWorks-Teaching-Resources/Virtual-Controls-Laboratory - Virtual labs and mechanisms for studying controls.
- joncox123/Cortexsys - Matlab GPU Accelerated Deep Learning Toolbox
- jacobeisenstein/DPMM - Dirichlet process mixture model code in Matlab. Sampling and variational.
- WaterlooRobotics/mobilerobotics - Matlab and Robot code for MTE 544: Autonomous Mobile Robotics at the University of Waterloo
- treder/MVPA-Light - Matlab toolbox for classification and regression of multi-dimensional data
- raimapo/AHRS - Attitude and Heading Reference System using MATLAB as simple as possible
- nmtimme/Neuroscience-Information-Theory-Toolbox - A MATLAB toolbox for performing information theory analyses of neuroscience data
- miditoolbox/1.1 - MIDI toolbox 1.1 (2016) is a collection of Matlab functions to analyse MIDI files
- liuxinyu123/Matlab - SAR Imaging
- germain-hug/Structured-Light-Depth-Acquisition - Matlab Implementation of a 3D Reconstruction algorithm
- gaur1616/Channel-Estimation-OFDM- - -Investigated the efficiency of different estimators to estimate and track channel parameters based on the Mean Squared Error (MSE) performance. The estimators employed in the simulation are LS and MMSE estimators and their performance in the transfer domain was evaluated. MATLAB was used for the simulation of the communication link and analyzing the error between the estimated channel parameters and actual modeled channel parameters.
- villekf/OMEGA - Open-source multi-dimensional tomographic reconstruction software (OMEGA)
- rconan/OOMAO - Object-Oriented, Matlab & Adaptive Optics
- manur/MATLAB-git - A thin MATLAB wrapper for the Git source control system
- drwuHUST/TLBCI - Matlab source code of the paper "D. Wu, X. Jiang, R. Peng, W. Kong, J. Huang and Z. Zeng, Transfer Learning for Motor Imagery Based Brain-Computer Interfaces: A Complete Pipeline, Information Sciences, 2021, submitted."
- csalinasonline/KalmanMatlabCode - Kalman Filter for Beginners: with MATLAB Examples
- ChangjingLiu/Data_Fusion_Course - The solution of the data fusion course of SJTU. MTALAB code for KF/UKF/EKF/PF/FKF/DKF. 数据融合技术,卡尔曼滤波KF/无迹卡尔曼滤波UKF/拓展卡尔曼滤波EKF等的MATLAB实现
- yooongchun/MatlabCourse - 数模课程Matlab代码资源仓库
- yeyang1021/matlab_IPM - Using camera parameters to transform the original camera image into IPM.
- XinLi-zn/TADT - Implementation of the TADT tracker of paper 'Target-Aware Deep Tracking'
- vinhphunguyen/migfem - Isogeometric finite elements in Matlab
- UTS-RI/Matlab-Graph-Optimization - Matlab: Optimization for Nonlinear Least Squares
- SysBioChalmers/GECKO - Toolbox for including enzyme constraints on a genome-scale model.
- Sohl-Dickstein/Minimum-Probability-Flow-Learning - Matlab code implementing Minimum Probability Flow Learning.
- JohannesAutenrieb/MissileSimulation - This repository contains a MATLAB/Simulink simulation software for the flight dynamic simulation of an transsonic missile system.
- iralabdisco/pso-clustering - PSO-Clustering algorithm [Matlab code]
- g2e/seizmo - passive(ly maintained) seismology toolbox for Matlab & GNU Octave
- CPFL/Autoware_Toolbox - MATLAB/Simulink sample code suite for Autoware.
- chemplexity/chromatography - functions for chromatography and mass spectrometry data analysis
- veenveenveen/SpeechSignalProcessingCourse - 语音信号处理实验教程(MATLAB源代码)
- ThunderMat/Introduction-to-MCU-Programming-for-Power-Electronics-Control-Applications - This repository contains the MATLAB/Simulink source code to reproduce the experiments presented in the book: "Introduction to Microcontroller Programming for Power Electronics Control Applications"
- StevieG47/Matlab-ComputerVision - Car Tracking, Lane Detection, Traffic Sign Recognition, Homography, Color Segmentation, Visual Odometry
- sandywang/GRETNA - A Graph-theoretical Network Analysis Toolkit in MATLAB
- PhDP/mlbop - Matlab code for S. Theodoridis' "Machine Learning: A Bayesian and Optimization Perspective" (2015).
- likemoongg/SARbackprojection - this is a example about BackProjection algorithm of SAR(synthetic aperture radar) writed by MATLAB
- ciuccislab/DRTtools - An intuitive MATLAB GUI to compute the DRT
- abhishekvahadane/CodeRelease_ColorNormalization - This is the MATLAB code for stain separation and color normalization in computational pathology (histopathological images)
- zoharby/plot_google_map - MATLAB function for plotting a Google map on the background of a figure
- zappo2/digital-art-with-matlab - MATLAB creating artistic visualizations
- Washington-University/cifti-matlab - MATLAB code for reading and writing CIFTI connectivity files
- pratikgoel145/Retinex-Image-Enhancement - Implemented image enhancement algorithms that use retinex theory to increase the contrast in an image.
- jmiseikis/RobotNavigation - MATLAB implementation of two popular navigation algorithms: A-star and Real-Time Randomized Path Planning
- jackros1022/MATLAB-neural-network-43-case-studies-Code - matlab神经网络43个案例分析
- hiroyuki-kasai/GDLibrary - Matlab library for gradient descent algorithms: Version 1.0.1
- DrKeHan/DTA - This repository documents MATLAB implementation of a dynamic user equilibrium solver, including a dynamic network loading sub-routine
- anushagj/LTE-OFDM-SYSTEM - Simulates an entire Transmission, Channel and Receiver chain for LTE OFDM system in Matlab
- andresmendes/openvd - Open source simulation package for Octave/Matlab
- yuhsuansia/Extended-target-PMBM-tracker - MATLAB implementation of the extended target PMBM tracker based on sets of trajectories
- Tridu33/interesting_Matlab - 只搜集好玩的Matlab代码,好的资源,应该引向互联网更多开放自由开源的资源,而不是流量闭环
- siramirsaman/LBM - Lattice Boltzmann Method Implementation in MATLAB for Curved Boundaries
- mathworks-robotics/mobile-robotics-simulation-toolbox - MATLAB and Simulink utilities for vehicle kinematics, visualization, and sensor simulation.
- horverno/sze-academic-robotics-projects - Various robotics related projects in various programming languages (MATLAB, LabVIEW, C#) and techniques (V-REP, ROS, LEGO Mindstorms, Kinect, Neobotix).
- Graceliulingzi/MATLAB-GUI-design--image-processing - 所制作的数字图像信号处理小程序,可以实现对图像的读入与保存、截取感兴趣的区域并对该区域进行各种几何变换、图像信号在时域和频域中的变换、亮度变换及边缘检测等功能。界面内容丰富且有条理,图像的显示大气且清晰。增加人机交互的对话窗口,实现用户的个性化输入,能够使用户更加直观的理解各种操作中不同参数对效果的影响。
- ebranlard/matlab2fortran - Performs some simple conversions from matlab code to fortran
- dingkeyan93/Active-Contour-Model-Matlab - Some matlab code of Active Contour Model for image segmentation
- alexdada555/Modelling-Simulation-and-Implementation-of-Linear-Control-for-Asymmetric-Multirotor-UAVs - Master's Thesis Project: Design, Development, Modelling and Simulating of a Y6 Multi-Rotor UAV, Imlementing Control Schemes such as Proportional Integral Derivative Control, Linear Quadratic Gaussian Control and Model Predictive Control on a BeagleBone Blue
- zhuye88/iForest - iForest anomaly detection codes (Matlab Version)
- UCL-SML/pilco-matlab - PILCO policy search framework (Matlab version)
- suhangpro/epicflow - A Matlab wrapper for EpicFlow
- oxfordcontrol/CDCS - An open-source MATLAB® ADMM solver for partially decomposable conic optimization programs.
- ONSAS/ONSAS - An Open Nonlinear Structural Analysis Solver for GNU-Octave or Matlab
- leeyngdo/Numerical-Linear-Algebra - Own solutions for exercises and MATLAB example codes for "Numerical Linear Algebra" by Lloyd N. Trefethen and David Bau III, 1997
- klho/FLAM - Fast linear algebra in MATLAB
- jiangxh1992/GA4TSPProblem - 在matlab上使用遗传算法解决TSP旅行者问题
- jhoelzl/HRTF-Individualization - Head-related Transfer Function Customization Process through Slider using PCA and SH in Matlab
- fengweiigg/GRACE_Matlab_Toolbox - GRACE_Matlab_Toolbox
- davisvideochallenge/davis-matlab - A Benchmark Dataset and Evaluation Methodology for Video Object Segmentation
- clausqr/qrsim2 - Quadrotor / UAV Simulator using Matlab, Simulink and Flightgear Visualization
- borninfreedom/matlab-robotics-GUI-tool - 机械臂GUI工具箱,基于matlab robotics toolbox
- zygurt/TSM - Time-Scale Modification For MATLAB
- ulfgri/gdsii-toolbox - Octave and MATLAB toolbox for GDSII stream format
- softwarespartan/IB4m - Interactive Brokers API for Matlab
- Pamphlett/CoBigICP - [IROS 2020] CoBigICP: COrrentropy based BIdirectional Generalized ICP
- muhammadaldacher/Layout-Design-of-an-8x8-SRAM-array - The project is about building an 8-row by 8-bit 6T SRAM memory array, & a 3-to-8 decoder that's used to access the SRAM array. The layout design is done using Cadence Virtuoso’s ADE, & the Static Noise Margin is obtained through Matlab scripts.
- matthieuaussal/gypsilab - The gypsilab project is an open-source MATLAB toolbox for fast numerical computation with finite element, boundary element and ray-tracing methods. Accessible with a high-level programming language, it gives a useful framework for fast prototyping. Initially designed for numerical acoustics, many physics problems can also be addressed.
- mathworks/HDL-Coder-Self-Guided-Tutorial - Learn how to deploy an algorithm to an FPGA using MATLAB and Simulink.
- johnyf/fig2u3d - Export MATLAB figure as U3D file or directly to 3D interactive PDF
- icvl/shred - Matlab code for estimating Hyperspectral data from RGB/Multispectral images
- fosfor15/SatCommSystem-QPSK-OFDM-LSEstimation-TransionosphericChannel - MATLAB Imitation Modeling for the BER of the Satellite Communication System using QPSK and OFDM Modulation with LS Channel Estimation based on Pilot Signals in the Transionospheric Communication Channel with Rician Fading, Multipath, Frequency Selectivity and Limited Coherence Bandwidth
- eliduenisch/latexTable - This MATLAB function converts matrices, cells or tables from MATLAB to LaTeX table code.
- dakenan1/Speech-measure-SDR-SAR-STOI-PESQ - Speech quality measure of SDR、SAR、STOI、ESTOI、PESQ via MATLAB
- braton/fadapt - Adaptive filter algorithms package for Matlab
- AChavignon/PALA - Sharing scripts and functions for OPUS-PALA article, and LOTUS Software. All functions are usable with agreement from their owner.
- 18720060819/mathematical-modeling - 此项目为自学数学建模整理的笔记和资料,包括但不限于国赛、研赛及美赛优秀论文,论文排版,按模型分类的论文参考,算法代码,参考书籍,matlab、spss、lingo、latex等各类软件教程......
- yrlu/orientation_tracking-unscented_kalman_filter - Implemented Unscented Kalman Filter (UKF) for orientation tracking. Sensors fusion of accelerometer, and gyroscope
- mpf/spot - A linear-operator toolbox for Matlab
- kritiksoman/WSN-Localization - MATLAB script for node localization in Wireless Sensor Network
- jwasham/machine-learning - Some notes on machine learning algorithms, mostly in Matlab format.
- irfu/irfu-matlab - Matlab routines to work with space data, particularly with MMS and Cluster/CAA data. Also some general plasma routines.
- hengguan/Hand-Eye-Calibration-Matlab - hand eye calibration include eye on hand and eye in hand
- Hamid-Nasiri/Recurrent-Fuzzy-Neural-Network - MFRFNN: Multi-Functional Recurrent Fuzzy Neural Network for Chaotic Time Series Prediction
- Emad-Salehi/Path-Planning-using-Gray-Wolf-Optimization - Regenerated a state-of-the-art meta-heuristic algorithm for the UAV path planning problem, proposed by Qu, Gai, and Zhong.
- avehtari/BDA_m_demos - Bayesian Data Analysis demos for Matlab/Octave
- PKU-HunterWu/LDPC-Encoder-Decoder - 基于Matlab的LDPC编解码算法实现及LDPC码性能测试
- nodonoughue/emitter-detection-book - MATLAB code companion to Emitter Detection and Geolocation for Electronic Warfare (Artech House, 2019)
- kunqian2025/reinforcement-learning - Implementation of Single-Agent and Multi-Agent Reinforcement Learning Algorithms. MATLAB.
- Diptiranjan1/PSO-vs-WOA - The Matlab/Octave code contains codes of Whale Optimization Algorithm and Particle Swarm Optimization.
- davidstutz/matlab-mnist-two-layer-perceptron - A two layer perceptron implemented in MatLab to recognize handwritten digits based on the MNIST dataset.
- csjunxu/STAR-TIP2020 - Matlab code for STAR: A Structure and Texture Aware Retinex Model, TIP 2020.
- computed-axial-lithography/CAL-software-Matlab - Software to support volumetric additive manufacturing by tomographic reconstruction (education, research and not-for-profit use)
- simgunz/802.11n-ldpc - A matlab implementation of the 802.11n LDPC encoder and decoder
- shygeyang/-HFSS-API-for-vortex-metasurface-generation - a simple MATLAB HFSS API for vortex metasurface generation
- SebastianJiroSchlecht/fdnToolbox - Matlab Toolbox for Feedack Delay Networks (FDNs)
- NREL/MATBOX_Microstructure_analysis_toolbox - MATBOX is an open-source MATLAB toolbox dedicated to microstructure analsyis of porous/heterogeneous materials
- mathworks/FPGA-Adaptive-Beamforming-and-Radar-Examples - This repository contains FPGA/HDL demonstrations several beamforming and radar designs. Simulink models and MATLAB reference code are provided to showcase high-level simulation and HDL designs of various radar and array processing algorithms.
- JzHuai0108/imu_tk_matlab - This repo contains matlab scripts of David Tedaldi's ICRA14 paper, a robust and easy to implement method for IMU calibration
- JinghaoLu/MIN1PIPE - A MINiscope 1-photon-based Calcium Imaging Signal Extraction PIPEline.
- avisingh599/vo-howard08 - [Reimplementation Howard 2008] A MATLAB implementation of Visual Odometry using Andrew Howard's 2008 paper.
- yqueau/normal_integration - Matlab codes for integrating the normal (gradient) field of a surface over a 2D grid
- XU-TIANYANG/GFS-DCF - Matlab implementation of ICCV2019 paper "Joint Group Feature Selection and Discriminative Filter Learning for Robust Visual Object Tracking"
- trentool/TRENTOOL3 - Open-Source MATLAB toolbox for transfer entropy estimation
- schorschinho/osprey - All-in-one toolbox for processing of magnetic resonance spectroscopy data.
- rishirdua/machine-learning-matlab - Matlab implementation of Machine Learning algorithms
- petercorke/toolbox-common-matlab - Common code for MATLAB toolboxes for Robotics, Machine Vision
- lucasanguinetti/ln-game-theory - Matlab code for the figures and the examples used in G. Bacci, L. Sanguinetti, and M. Luise, "Understanding game theory via wireless power control,' submitted to IEEE Signal Process. Mag., Oct. 2014.
- kimjingu/nonnegfac-matlab - Matlab implementations of fast algorithms for nonnegative matrix and tensor factorizations
- JavierAntoran/gps-stack-sim - Simulation of the full GPS stack, from satellites' transmission to position calculation at receivers
- feron-tech/lte-sidelink - An open MATLAB software library for the 3GPP LTE sidelink interface
- Elucidation/UAV-Motion-Planner-Ensemble - A Matlab motion planner ensemble of a global Voronoi model and a local Potential Field model
- caiuspetronius/Optometrika - Optometrika MATLAB library implements analytical and iterative ray tracing approximation to optical image formation using Snell’s and Fresnel’s laws of refraction and reflection.
- aschmidtuulm/ameshref - Efficient Matlab Implementation of Adaptive Mesh Refinement in 2D
- AHU-HoloLab/HoloLib-MATLAB - 计算机生成全息图(CGH)MATLAB函数库
- vtpasquale/NASTRAN_CoFE - A finite element code for structural analysis. Written in MATLAB. Uses Nastran input format.
- urosolia/LMPC_SimpleExample - MATLAB LMPC implementation for a double integrator system
- unfoldtoolbox/unfold - A matlab EEG toolbox to perform overlap correction and non-linear & linear regression.
- suman-shah/Learn-to-Code-with-MATLAB - Let's learn how to work with variables, functions, vectors and many more inbuilt commands.
- Subhankar2000/Antenna_Theory_Analysis_and_Design_C.A.Balanis---MATLAB - MATLAB programs translated from the FORTRAN programs of the second edition - I have not written these programs, these are very rare programs from the book ANTENNA THEORY ANALYSIS AND DESIGN, Constantine A. Balanis
- stefanengblom/stenglib - Stefan Engblom's Matlab libraries
- souhaiel1/Longitudinal-and-Lateral-Control-of-an-automotive-vehicle - This repository contains the Matlab code for the lateral and longitudinal control of vehicle modeled based on the Bicycle-Model. This work was carried out by me and my colleague Suleyman as part of the smart transportation course.
- sdrforengineers/code - MATLAB implementations for SDR for Engineers textbook
- probml/pmtkdata - A collection of MATLAB data sets used by PMTK.
- princeedey/BRAIN-TUMOR-DETECTION-AND-SEGMENTATION-USING-MRI-IMAGES - This repository contains the source code in MATLAB for this project. One of them is a function code which can be imported from MATHWORKS. I am including it in this file for better implementation.Detection of brain tumor was done from different set of MRI images using MATLAB. The concept of image processing and segmentation was used to outline the tumor area in the given set of images.
- MITComputationalCamera/LightFields - HW#3 Uses Matlab to compute a lightfield refocus
- lwh521jll/Radar-SAR-simu - Radar SAR imaging simulation under Matlab
- lostanlen/scattering.m - Scattering.m — a MATLAB toolbox for wavelet scattering
- lawrennd/mocap - Matlab software for processing motion capture files.
- JamieMJohns/Navier-stokes-2D-numerical-solve-incompressible-flow-with-custom-scenarios-MATLAB- - I have created this repository to share my code for 2D numerical solving of Navier stokes equations (incompressible flow); although it will take a little time for me to completely update the repository
- fxgiraldo/Element-based-Galerkin-Methods - This directory contains the Lecture files and Project codes in both Julia and Matlab for a course based on the Springer textbook "An Introduction to Element-based Galerkin Methods on Tensor-Product Bases" by F.X. Giraldo
- emrekavur/CHAOS-evaluation - Evaluation code of CHAOS challenge in MATLAB, Python and Julia languages.
- dtu-dsp/Robochameleon - A matlab coding framework and component library for simulation and experimental analysis of optical communication systems
- Data2Dynamics/d2d - a modeling environment tailored to parameter estimation in dynamical systems
- BAILOOL/PlaceRecognition-LoopDetection - Light-weight place recognition and loop detection using road markings
- axg2016/16-QAM-QPSK-BPSK - Simulation in MATLAB of Digital Communication modulations (BPSK,QPSK,16 QAM) to find the performance and probability of error in Rayleigh and Rician fading environments
- alexgkendall/OPTICS_Clustering - MATLAB Implementation of the OPTICS unsupervised clustering algorithm
- yyhz76/reflectSuppress - MATLAB implementation of the algorithm in the CVPR 2019 paper "Fast Single Image Reflection Suppression via Convex Optimization"
- UoS-CODeM/GA-Toolbox - Genetic Algorithms Toolbox
- ubcmatlabguide/ubcmatlabguide.github.io - YAGTOM: Yet Another Guide TO Matlab
- stephenbeckr/SparsifiedKMeans - KMeans for big data using preconditioning and sparsification, Matlab implementation. Aka k-means
- snopt/snopt-matlab - Matlab interface for sparse nonlinear optimizer SNOPT
- SihaoSun/INDI_Quadrotor_FTC - This is a minimal repository containing the Matlab / Simulink to test a quadrotor subjected to single / double rotor failures, the incremental-nonlinear-dynamic-inversion controller.
- muhammadaldacher/Analog-Design-of-1.9-GHz-PLL-system - This project shows the design of a frequency synthesizer PLL system that produces a 1.92 GHz signal with a reference input of 30 MHz, with a comparison between using an LC VCO and using a Ring VCO.
- kirk86/ImageRetrieval - Content Based Image Retrieval Techniques (e.g. knn, svm using MatLab GUI)
- icsl-Jeon/traj_gen-matlab - Optimal trajectory generation
- HelloYaoZhang/Face-Recognition-Using-PCA - Implemented Principal Components Analysis algorithm in MATLAB for face recognition. Compared two faces by projecting the images into Eigenface space and measure the Euclidean distance between them
- harimkang/LSTM-Prediction - LSTM Prediction for time series data (jean sales data set) using matlab
- BlinkFTW/MIMO-OFDM - MATLAB code simulating different MIMO-OFDM schemes
- balcilar/Calibration-Under_Different-Resolution - Stereo Camera Calibration Under Different Resolution
- andreas-bulling/ActRecTut - MATLAB Human Activity Recognition Toolbox
- analogdevicesinc/TransceiverToolbox - MATLAB toolbox for ADI transceiver products
- zlpure/Machine-Learning--Coursera - My Solution to Assignments of Machine-Learning on Coursera
- YuYongRun/PolarCodes-Encoding-Decoding-Construction - Polar codes Fast MATLAB implementations, including encoder, several types of SC decoder, CRC-SCL decoder and many code construction algorithms.
- YonghaoXu/RPNet - [ISPRS JP&RS 2018] Hyperspectral Image Classification via a Random Patches Network
- xb00dx/ConvertChanceConstraint-ccc - ConvertChanceConstraint (ccc): a Matlab toolbox for Chance-constrained Optimization
- wxy1018/Waveform-Reflection-Design-for-RIS-ISAC - Matlab codes for paper "Joint Waveform Design and Passive Beamforming for RIS-Assisted Dual-functional Radar-Communication System" in IEEE TVT
- rahul-sb/RRTx - Real-Time Path Replanning in Unexplored Environments with Unpredictable Obstacles
- quandl/Matlab - Quandl's Matlab module
- oxfordcontrol/SOSTOOLS - A free MATLAB toolbox for formulating and solving sums of squares (SOS) optimization programs
- HidekiKawahara/SparkNG - MATLAB real-time/interactive speech tools. This series is obsolete. SP3ARK is the up-to-date series (will be).
- DylanMuir/fmin_adam - Matlab implementation of the Adam stochastic gradient descent optimisation algorithm
- chrisconlon/blp-demand - estimate BLP demand model in Matlab using state-of-the-art techniques
- AnttiLehikoinen/SMEKlib - Matlab 2D-FEM library for electrical machines
- vision4robotics/ARCF-tracker - Code of ARCF-Tracker v1.0 (Matlab Version for Discussion)
- QuantumLiu/matDL - A lightweight MATLAB deeplearning toolbox,based on gpuArray.
- PetWorm/sim3_evaluate_tool - A matlab tool to evaluate trajectory RMSE using sim3 alignment.
- peterhcharlton/ppg-beats - PPG-beats is a Matlab library of algorithms to detect heartbeats in photoplethysmogram (PPG) signals.
- panda5mt/depth_estimate_blur - Defocusによる画像ボケを利用した深度推定
- MrHaobolu/ISAC_4D_IMaging - 4D ISAC Imaging Simulation Based on Millimeter Wave OFDM Signals with MUSIC Algorithm Written in Matlab
- MOxUnit/MOxUnit - An xUnit framework for Matlab and GNU Octave
- mbrbic/Multi-view-LRSSC - Matlab implementation of multi-view low-rank sparse subspace clustering
- mathworks/MATLAB-Live-Task-for-Python - The MATLAB® Live Task for Python® enables you to write and execute Python code directly inside of a MATLAB Live Script.
- kipa200/Phase_field_code - simulate by solving the phase-field equations using a centered finite difference method(or FEM), and the video of matlab lesson
- iqiukp/RVM-MATLAB - MATLAB code for Relevance Vector Machine using SB2_Release_200.
- ewiger/yamlmatlab - Java-based implementation of YAML IO support in MATLAB.
- Conclusio/matlab-epsclean - Clean/Repair .eps PostScript vector files created by Matlab R2016b
- chris-taylor/USElection - MATLAB model to make predictions for the US 2012 election
- cdebacco/SpringRank - Calculates SpringRank from directed networks or pairwise comparisons
- caiotavares/spectrum-sensing - Spectrum sensing in cognitive radios leveraging machine learning models
- 1PandaDing/Matlab-simulink- - 实用carsim进行仿真,simulink基于mpc进行汽车的控制,使得汽车按照给定路径点进行运行,生成视频
- ucl-bug/k-wave - A MATLAB toolbox for the time-domain simulation of acoustic wave fields
- tim283/smpc_example - Short example of MPC and specifically stochastic MPC (SMPC) with chance constraints for Matlab.
- TheDatumOrg/kshape-matlab - Matlab implementation for k-Shape
- SteenMoeller/NORDIC_Raw - Matlab code for performing image reconstruction in MRI and performing the NORDIC denoising
- spunt/bspmview - MATLAB program for viewing 3D fMRI statistical images
- sccn/ICLabel - Automatic EEG IC classification plugin for EEGLAB
- piyushbajaj0704/Driver-Sleep-Detection-Face-Eyes-Mouth-Detection - As part of my thesis project, I designed a monitoring system in Matlab which processes the video input to indicate the current driving aptitude of the driver and warning alarm is raised based on eye blink and mouth yawning rate if driver is fatigue. It is implemented using Viola-Jones and Sobel techniques for facial features detection.
- paul-kassebaum-mathworks/circularGraph - Plot an interactive circular graph to illustrate connections in a network in MATLAB.
- olivierlar/miningsuite - Comprehensive Matlab framework for signal, audio and music analysis, articulating audio and symbolic approaches
- nik1106/MNA-MAT - An easy-to-use MATLAB tool for SPICE netlist simulation
- libDirectional/libDirectional - Matlab library for directional statistics and directional estimation
- jflalonde/illuminationSingleImage - MATLAB implementation of our llumination estimation technique from a single image (ICCV'09 and IJCV'12 papers)
- codeslake/SYNDOF - The official matlab implementation of SYNDOF generation used in the paper, 'Deep Defocus Map Estimation using Domain Adaptation', CVPR 2019
- cmontalvo251/MATLAB - This is my public repo of all my MATLAB Screen cast codes and other random codes written in MATLAB
- acuoci/Matlab4CRE - Collection of Matlab codes to solve typical CRE (Chemical Reaction Engineering) problems
- zegangYang/PSO_PathPlaningNew - This open source project is a matlab GUI project,is a Robot Path Planing Demo use Particle Swarm Optimization(PSO) algorithm
- unixyhuang/PSO_LSTM-Example - This file includes datasets and LSTM combined with PSO algorithm MATLAB code.
- summitgao/SAR_Change_Detection_CWNN - Matlab code for "Sea ice change detection in SAR images based on convolutional-wavelet neural networks," IEEE GRSL 2019
- steven2358/kmbox - Kernel Methods Toolbox for Matlab/Octave
- SolavLab/DuoDIC - Stereo 3D Digital Image Correlation (3D-DIC) MATLAB toolbox
- slayton/matlab-xkcdify - XKCDIFY! Adding flair to boring Matlab Axes one plot at a time
- sailaoda/HUST-software-radio - 华中科技大学电信学院软件无线电MATLAB实验代码、实验报告、学习资料等。(个人版)16QAM,OFDM,DDC,无线电信道化接收机等。
- redbKIT/redbKIT - redbKIT is a MATLAB library for reduced-order modeling of parametrized PDEs
- PerformanceEstimation/Performance-Estimation-Toolbox - Code of the Performance Estimation Toolbox (PESTO) whose aim is to ease the access to the PEP methodology for performing worst-case analyses of first-order methods in convex and nonconvex optimization. The numerical worst-case analyses from PEP can be performed just by writting the algorithms just as you would implement them.
- OpenFAST/matlab-toolbox - Collection of Matlab tools developed for use with OpenFAST
- Mensen/swa-matlab - Sleep Wave Analysis - an open source toolbox for matlab to score and analyse various waveforms in sleep EEG data
- ionhandshaker/distmesh - DistMesh - simple 2D and 3D mesh generator for MATLAB and Octave (with GUI support)
- ilent2/ott - Optical Tweezers Toolbox (Version 1)
- iandol/opticka - Opticka is an experiment manager built on top of the Psychophysics toolbox (PTB) for MATLAB. It runs experimental tasks using flexible state machine logic and easily does dynamic methods-of-constants type experiments with full behavioural control. It uses a class system to create simple to use visual stimuli using experimenter friendly units. Opticka can use an Eyelink eyetracker, Plexon Omniplex neurophysiology data collection and general TTL control using either a cheap LabJack (ms precision) or DataPixx/Display++ (µs precision). It contains analysis routines linked to Fieldtrip for spike and LFP data easily parsed in terms of the experimental variables.
- hiroyuki-kasai/SparseGDLibrary - MATLAB library of gradient descent algorithms for sparse modeling: Version 1.0.3
- hagaygarty/mdCNN - 3D Convolutional Neural Network (CNN) for volumetric inputs. Matlab framework supporting 2D and 3D kernels
- GasserElAzab/6-DOF-DLR-robot-simulation-in-Matlab-Simulink - This is the full analysis of the forward, inverse kinematics, trajectory planning, path planning, and controlling the end effector.
- FanWangEcon/Math4Econ - Mathematics for Economists (Matlab Live Codes)
- fangvv/LassoADMM - Code for paper "A Distributed ADMM Approach for Collaborative Regression Learning in Edge Computing"
- epfl-lts2/unlocbox - A Matlab convex optimization toolbox using proximal splitting methods
- earthat/Digital-Image-Watermarking-Using-Optimized-DWT-DCT - This repository embed the message into an Image using optimized DWT-DCT
- denkywu/PolSAR-Calibration - 极化合成孔径雷达,极化定标和校准 相关。Some work I did during my graduate studies (Matlab Code) : (3) Polarimetric SAR (PolSAR) Calibration, including (a) the Whitt algorithm, (b) the Quegan algorithm, (c) the Ainsworth algorithm, (d) the PARC algorithm.
- chenfeiyi/PBACalib - Extrinsic calibration for livox-camera system
- catohaste/POMDP - Implementing a RL algorithm based upon a partially observable Markov decision process.
- carlobar/PDToolbox_matlab - Matlab implementation of some evolutionary dynamics from game theory, such as: replicator dynamics, smith dynamics, logit dynamics, and Brown-von Neumann-Nash.
- BJCaasenbrood/SorotokiCode - SOROTOKI is an open-source MATLAB package that includes an array of tools for design, modeling, and control of soft robotic systems 🐙 🤖
- bids-standard/bids-matlab - MATLAB / Octave tools for BIDS datasets
- bearadamsj/multi-agent-with-obstacle-avoidance - Design a control system on Matlab for robots so that they are able to form a defined shape, then Artificial Potential Field method is applied for robots to avoid obstacles
- Skylark0924/System_Identification - The usage of MATLAB System Identification Toolbox and PID parameters adjustment
- sjtrny/FuseBox - MATLAB library for pansharpening and image fusion
- samuelgilonis/Quadcopter-PID-controller - MATLAB simulation for PID control of a quadrotor drone.
- mzychlewicz/GWO - Grey Wolf Optimizer Matlab
- matlab-deep-learning/Image-Classification-in-MATLAB-Using-TensorFlow - This example shows how to call a TensorFlow model from MATLAB using co-execution with Python.
- grinsted/gwmcmc - An implementation of the Goodman & Weare MCMC sampler for matlab
- graphviz4matlab/graphviz4matlab - Matlab interface to Graphviz graph layout package. Allows interactive editing of the resulting graphs.
- ethz-pes/multi_objective_optimization_matlab - MATLAB Tool for Multi-Objective Optimization
- d1l1x/hita - Matlab code for the spectral analysis of homogenous isotropic turbulence
- analogdevicesinc/ad936x-filter-wizard - MATLAB-based FIR filter design
- VietTran86/Copula-Variational-Bayes - Matlab code for my paper "Copula Variational Bayes inference via information geometry", submitted to IEEE Trans. on information theory, 2018
- sinaebrahimi/task-offloading - MATLAB code for the simulation of our paper entitled "Energy-Efficient Task Offloading Under E2E Latency Constraints"
- playerkk/drfi_matlab - MATLAB implementation of the paper Salient Object Detection: A Discriminative Regional Feature Integration Approach
- msperlin/MS_Regress-Matlab - Repository for MS_Regress, a matlab package for estimation and simulation of markov regime switching models
- mathworks/MATLAB-Language-grammar - This repository contains a regular expression based language grammar for MATLAB to be used by GitHub Linguist for highlighting MATLAB code on GitHub
- markus-nilsson/mri-simulator - MRI simulator for educational purposes written in MATLAB
- LobotomyWeekend/Cooperative-Control - Masters project, designing a multi-vehicle control system.
- LimHyungTae/paper_quality_plot.matlab - paper_quality_plot.matlab
- lfads/lfads-run-manager - Matlab interface for Latent Factor Analysis via Dynamical Systems (LFADS)
- kschan0214/sepia - Matlab GUI pipeline application for quantitative susceptibility mapping (QSM)
- JonathanCamargo/MoCapTools - Matlab tools for motion capture analysis, including programmatically running OpenSim, and automatic gap-filling of data.
- jacopoantonello/mshwfs - Modal Shack-Hartmann wavefront sensor toolbox for MATLAB
- fzzfbyx/Audio-FIR-denoising-filter-MATLAB_GUI - 利用MATLAB GUI设计平台,用窗函数法设计FIR数字滤波器,对所给出的含有噪声的声音信号进行数字滤波处理,得到降噪的声音信号,进行时域频域分析,同时分析不同窗函数的效果。
- emmanuelkalunga/Online-SSVEP - Matlab codes for the Online SSVEP-based BCI using Riemannian Geometry algorithm
- cwxcode/LSTM-matlab - LSTM by matlab
- bugsuse/mradar - 处理雷达数据的matlab程序包
- yufeifeiyu/Matlab-Deep-Learning-Toolbox-CNN-Water-image-recognition - 基于matlab深度学习工具箱来设计卷积神经网络用来对图像上的水体部分进行识别,并生成水体陆地二值化图像。采用的是9层卷积神经网络用来对图像进行特征提取和分类,水体识别的准确率可以达到96%以上。
- yltzdhbc/Swarm_Sim_Matlab - 集群机器人Matlab仿真
- tuandn8/GM_PHD_Filter - GM-PHD filter in target tracking
- Terenceyuyue/varFEM - MATLAB Programming for Finite Element Methods
- StollLab/EasySpin - MATLAB toolbox for Electron Paramagnetic Resonance (EPR) spectroscopy
- Spartak0s/Polar-Codes-Software-Matlab- - Polar Codes on Matlab Simulation.
- SheffieldML/multigp - Multiple output Gaussian processes in MATLAB including the latent force model.
- rflamary/nonconvex-optimization - Matlab/Octave toolbox for nonconvex optimization
- NOCIONS/letswave6 - Letswave 6 - Matlab EEG signal processing toolbox
- MansourM61/FSO-Simulator-MATLAB - A fully explaned MATLAB code for simulating a free-space optical (FSO) communication system featuring channels loss, pointing error, turbulence, fog/smoke condition comparing with all analystical solutions
- KirillLykov/cvision-algorithms - Collection of Computer Vision algorithms implemented in Matlab
- ikuwow/PatchMatch - The PatchMatch algorithm on MATLAB
- guglu/ppf-matching - Matlab implementation of the Point-pair feature matching method
- GeorgePapazafeiropoulos/Abaqus2Matlab - Software connecting Abaqus and Matlab
- EMFMed/MERIT - Microwave Radar-based Imaging Toolbox (MERIT) is free and open-source software for microwave radar-basaed imaging. Including getting started guides and example data, MERIT is a flexible and extensible framework for developing, testing, running and optimising radar-based imaging algorithms.
- chtld/Finite_Element_Method_Matlab - 有限元方法的 matlab 实现,为了追求清晰通用,将会大大牺牲程序的效率。
- bilityniu/underimage-fusion-enhancement - paper algorithm implementation: 《color balance and fusion for underwater image enhancement》
- armancodv/building-energy-model-matlab - It is a small software which is developed by MATLAB for modeling the energy system of a building or HVAC system.
- ztinpn/utilForFormat - matlab学位论文绘图辅助工具
- zhegan27/TSBN_code_NIPS2015 - The Matlab Code and the Supplementary Material for the NIPS 2015 paper "Deep Temporal Sigmoid Belief Networks for Sequence Modeling"
- yechengxi/LightCapsNet - A Matlab implementation of the capsule networks (or capsnet).
- WDWidanage/Simscape-Battery-Library - A Li-ion battery library written in Matlab Simscape language. Battery models include: TSPMeA, TSPMe, TECMD, TECM and a few utility components
- tinevez/matlab-tree - A MATLAB class to represent the tree data structure.
- Timmmdavis/CutAndDisplace - Boundary Element MATLAB code. Modelling faults and deformation
- tholden/dynareOBC - A toolkit for implementing occasionally binding constraints in Dynare.
- textmate/matlab.tmbundle - TextMate support for Matlab / Octave
- SajjadAsefi/RenewableEnergyManagement - Renewable Energy Management and Demand Response and by PSO Algorithm (Matlab code)
- roboticcam/matlab_demos - it contains all the MATLAB demo code associated with my machine learning notes
- robmaunder/turbo-3gpp-matlab - Matlab simulations of the encoder and decoder for the LTE turbo code from 3GPP Release 15
- RenderToolbox/RenderToolbox4 - Matlab toolbox for managing 3D scenes and physically-based rendering.
- rceballos98/EEG_Classifier - A general matlab framework for EEG data classification
- njusthyk1972/NLH - Matlab code for our IEEE Trans. on Image Processing paper "NLH: A Blind Pixel-level Non-local Method for Real-world Image Denoising"
- 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.
- liushenwenyuan/matlab_orc - 【毕业设计】手写数字识别
- linksense/NNAEC-NeuralNetworkbasedAcousticEchoCancellation - NNAEC-Neural Network based Acoustic Echo Cancellation
- Lenskiy/Yahoo-Quandl-Market-Data-Donwloader - Matlab functions for market data downloading
- LanMai/OpenSIM - OpenSIM matlab code
- korvin011/CSTMWS-Matlab-Interface - CST Microwave Studio to MATLAB Interface
- justdark/matlab_code-ufldl-exercise- - My UFLDL EXERCISE CODE
- josemarcosrf/HOG-Pedestrian-Detector - MATLAB implementation of a basic HOG + SVM pedestrian detector.
- jbramburger/Data-Science-Methods - This repository contains lecture notes and codes for the course "Computational Methods for Data Science"
- itstartstosnow/Chan_Algorithm_On_Matlab - A Matlab implementation of TDOA based Chan Algorithm in wireless locating system.
- Georacer/ardupilog - A ardupilot log to MATLAB converter
- eleweiz/Solving-full-wave-nonlinear-inverse-scattering-problems-with-back-propagation-scheme - This Matlab code is used to solve inverse scattering problem with convolutional neural network by BPS.
- eigtool/eigtool - EigTool is open MATLAB software for analyzing eigenvalues, pseudospectra, and related spectral properties of matrices.
- compneuro-da/rsHRF - rsHRF: A Toolbox for Resting State HRF Deconvolution and Connectivity Analysis (MATLAB)
- bobvo23/flicker_stimulator - SSVEP Stimulator using MATLAB and Psychtoolbox
- barnesgroupICL/Driftfusion - An open source drift diffusion code based in MATLAB for simulating semiconductor devices with mixed ionic-electronic conducting materials.
- aspurdy/dbn - MATLAB code for training deep belief networks
- aalling93/Custom-made-SAR-speckle-reduction - Spekle reduction of SAR images in matlab using different custom-made filters: -Mean filter. -Frost filter. -Modified frost filter(added thresholds). -Lee filter(Using Masks, ENL ect). Note these fitlers are developed without the use of loops to make them faster.
- ZhuangLab/MERFISH_analysis - Matlab software for the analysis of MERFISH data and the construction of MERFISH probes.
- taroz/MatRTKLIB - MATLAB wrapper for RTKLIB
- star2dust/Robotics-Toolbox - Robotics Toolbox Extension:matlab scripts for cooperative control and manipulation based on Peter Corke's robotics toolbox. Also fix some bugs of RTB 10.3.1.
- pengsun/MatlabCNN - Matlab codes for 2D Convolutional Neural Network
- PascPeli/Puma-Robot-Simulation - Simulation of a Puma 762 manipulator capable of solving the Forward and Inverse Kinematics problems
- minoue-xx/livescript2markdown - MATLAB's live scripts to markdown. The provided function converts your latex (generated from a live script) to markdown so that it could easily produce README.md with MATLAB code, equations, and figures.
- matlab-deep-learning/rl-agent-based-traffic-control - Develop agent-based traffic management system by model-free reinforcement learning
- LucaDeSiena/MuRAT - A multi-resolution seismic attenuation tomography code - currently in its 3.0 release
- lewsilver/radar_doa - Code for RADAR doa algorithm with Matlab. including Capon, MUSIC, DML, Propagator Method, IAA, DBF, OMP, ISTA.......
- jschwizer99/plot2svg - Save MATLAB plots as svg files
- Hamid-Nasiri/VMD-MFRFNN - VMD-MFRFNN
- EFeru/MotionGenerator - Analytical trapezoidal motion generator in Arduino and Matlab
- disordered-photonics/celes - CELES: CUDA-accelerated electromagnetic scattering by large ensembles of spheres
- DefuLian/recsys - recommendation system written by matlab codes
- ceshine/RRL_Matlab - Recurrent Reinforcement Learning Algorithm Matlab Implementation
- BohemianMatrices/BHIME-Project - A set of Matlab functions for visualizing Bohemian eigenvalues.
- BeMoBIL/bemobil-pipeline - The BeMoBIL Pipeline is a MATLAB toolbox for analysis and visualization of mobile brain/body imaging data. It includes both wrappers of EEGLAB and MOBILAB and additional functionalities.
- aaronpenne/dsp - A collection of digital signal processing projects.
- zlijingtao/Digital-Calibration-of-SAR-ADC - Successive Approximation Register (SAR) ADC Digital Calibration (in Matlab)
- zhangyaqi1989/Multiscale-FEM - This repo contains matlab code for multiscale finite element method
- thorstone25/qups - A MATLAB toolbox for prototyping and simulating diagnostic ultrasound imaging systems
- thoenselaar/car-following-model - Car following model created in Matlab/Simulink using the Intelligent Driver Model (IDM)
- SMARTlab-Purdue/robotarium-rendezvous-RSSDOA - This repository contains the Matlab source codes (to use in Robotarium platform) of various rendezvous controllers for consensus control in a multi-agent / multi-robot system.
- sachinkariyattin/HWCR - Handwritten Character Recognition System using Neural Networks is developed using MATLAB Neural Network and Image Processing tool box. This system has been developed using existing algorithms like Preprocessing and Feature Extraction techniques.
- rmgarnett/active_learning - Active learning toolbox for MATLAB
- PeterFeicht/ltspice2matlab - LTspice2Matlab - Import LTspice data into MATLAB
- mparkan/Digital-Forestry-Toolbox - A collection of digital forestry tools for Matlab/Octave
- matlab-deep-learning/pretrained-yolo-v4 - Object detection and transfer learning using pretrained YOLO v4 models in MATLAB.
- franciscoserdio/Genetic-Algorithms-Toolbox - Genetic Algorithms in Matlab.
- fangfufu/Matlab-Data-Video-Converter - Convert arbitrary binary files into a video.
- cvnlab/knkutils - MATLAB utility functions written by Kendrick Kay
- CaptYoung/License-Plate-Recognition - 基于MATLAB实现的蓝白车牌识别系统
- akanazawa/catdeform - A Matlab implementation for the paper: "Learning 3D Deformation of Animals from 2D Images" http://www.umiacs.umd.edu/~kanazawa/papers/cat_eg2016.pdf
- ahmedaq/Making-elegant-Matlab-figures - A repository comprising multiple functions for making elegant publication-quality figures in MATLAB
- ZijieZhaoMMHW/m_mhw1.0 - A MATLAB toolbox to detect and analyze marine heatwaves (MHWs).
- vlfeat/vlbenchmarks - VLBenchmark is a MATLAB suite of benchmarks for computer vision features
- SUHONGJIAN/Matlab-make-blurred-images-clear - 分别实现:1.对模糊车牌图像进行清晰处理;2.对高斯模糊图像进行高斯平滑滤波处理;3.对椒盐噪声图像进行中值滤波处理;4.对雾化图像进行直方图均衡化处理;5.对模糊图像进行对比度拉伸与灰度拉伸处理;6.对运动模糊图像进行维纳滤波处理;
- spin-test/spin-test - This toolbox includes MATLAB scripts to perform a "spin test" of anatomical correspondence between cortical surface maps, as presented in "On testing for spatial correspondence between maps of human brain structure and function," Alexander-Bloch et al., NeuroImage, 2018.
- ronw/matlab_htk - MATLAB functions that interface with the HTK Speech Recognition Toolkit (http://htk.eng.cam.ac.uk/) for training HMMs, GMMs and simple speech recognizers.
- ron1818/PhD_code - r and matlab code, datasets, published papers for my phd study 2011-2015
- Perception-and-Neurodynamics-Laboratory/Matlab-toolbox-for-DNN-based-speech-separation - This folder contains Matlab programs for a toolbox for supervised speech separation using deep neural networks (DNNs).
- Patrick9313/Digital-Image-Processing - 基于MATLAB的图像加解密及传输仿真
- NSGeophysics/GPR-O - Octave/Matlab programs for processing and plotting 2D and 3D Ground Penetrating Radar data
- NREL/dynamo - A modular MATLAB toolkit for Dynamic programming (DP) and Approximate Dynamic Programming (ADP) for Adaptive Modeling and Optimization
- matlab-deep-learning/Industrial-Machinery-Anomaly-Detection - Extract features and detect anomalies in industrial machinery vibration data using a biLSTM autoencoder
- ggrecow/SQAT - SQAT is an open-source repository of MATLAB codes containing the implementation of key metrics for quantitative sound quality analysis.
- GabrielJie/Concurrent-topology-optimization-in-Matlab - Concurrent topology optimization of multiscale composite structures in Matlab
- fergaletto/Color-Balance-and-fusion-for-underwater-image-enhancement.-. - a matlab implementation of: Color Balance and Fusion for Underwater Image Enhancement.
- ExploreASL/ExploreASL - ExploreASL: releases can be found in the main branch or within the releases tab. If you want to contribute, please contact us at h.j.mutsaerts@amsterdamumc.nl. Development details can be found under the wiki tab. Code documentation can be found on the documentation website https://exploreasl.github.io/Documentation
- EwingKang/Dubins-RRT-for-MATLAB - RRT (Rapidly-Exploring Random Trees) using Dubins curve, with collision check in MATLAB
- earthat/AODV-GUI-in-WSN - This code is for a MATLAB GUI in which AODV routing protocol is implemented for WSN. The source nodes are changing each time with number of packets.
- daeyun/Image-Stitching - MATLAB code for panorama image stitching.
- Chenan-W/MATLAB-Trajectory-Tracking-Control-for-UAV - [MATLAB] Trajectory Tracking Control for UAV
- BlackrockNeurotech/NPMK - Neural Processing Matlab Kit is a set of functions for loading and manipulating data from Blackrock Microsystems' data files (.CCF, .NEV, .NSx).
- atpoulsen/Microstate-EEGlab-toolbox - Microstate EEGlab toolbox
- ashafaei/ubc3v - The Matlab toolkit for UBC 3 View Dataset.
- adityajain07/Path-Planning-Algorithms - This repository contains the (working) MATLAB codes for various popular path planning algorithms like potential fields, visibility graph, RRT and RRT*
- xyjigsaw/NSGA2_MATLAB - NSGA2 MATLAB Code for https://www.omegaxyz.com/2018/01/22/new_nsga2/
- XinhaoTsl/Fc_Hybrid_Vehicle_Energy_Management_Strategy - Project achieved in MATLAB/Simulink 2022b, including optimal control algo, prediction algo, DQN training Env. etc.
- wilselby/MatlabQuadSimAP - MATLAB files for simulating a 3DRobotics ArduPilot based quadrotor
- tanguyduval/imtool3D_td - 3D Image Viewer with ROI tools for Matlab ( NIFTI viewer, Manual segmentation )
- syedalamabbas/2D_3D_PolarFourierTransform - C++, CUDA, and MATLAB codes for the paper "An Exact and Fast Computation of Discrete Fourier Transform for Polar and Spherical Grid"
- shayneobrien/numerical-methods - Methods in numerical analysis. Includes: Lagrange interpolation, Chebyshev polynomials for optimal node spacing, iterative techniques to solve linear systems (Gauss-Seidel, Jacobi, SOR), SVD, PCA, and more.
- shamim-hussain/speech_dereverbaration_using_lp_residual - This is a single channel speech dereverberation method based on DOI: 10.1109/TSA.2005.858066; implemented in MATLAB
- robmaunder/ldpc-3gpp-matlab - Matlab simulations of the encoder and decoder for the New Radio LDPC code from 3GPP Release 15
- peterson-tim-j/HydroSight - Groundwater timeseries analysis of hydrographs
- peiyunh/mat-vae - A MATLAB implementation of Auto-Encoding Variational Bayes
- odedstein/gp-matlab-tutorial - A basic tutorial for geometry processing in MATLAB using gptoolbox
- NicklasVraa/ELABorate - A pure symbolic circuit analyzer.
- mn9891/massive-mimo-detection - Massive MIMO Detection using MMSE-SIC and Expectation Propagation - Matlab
- mh-skjelvareid/synaptus - A Matlab/Octave toolbox for synthetic aperture ultrasound imaging
- LozioAlce/L1_AC - This is a project where an Adaptive Flight Control based on L1 adaptive control is designed and tested using MATLAB/Simulink [ L1 adaptive control code ]
- jyang526843/2D_ALDIC - AL-DIC(Augmented Lagrangian DIC) is a fast, parallel-computing DIC algorithm, which combines advantages of Local Subset DIC (fast, compute in parallel) and Global DIC (guarantee kinematic compatibility).
- JoseAmador95/UoS_Beamforming - Repository for the models and code used in "UE Tracking Beamforming using a MIMO Software-Defined Radio" MSc project.
- jk123vip/SRC_SOMP_matlab - 稀疏表示分类器应用于高光谱图像分类的MATLAB代码实现。仿真论文地址如下:
- hoffsupes/Structured-Light-Laser-Stripe-Reconstruction - Reconstructs a 3D stripe on the area of an object on which a laser falls as seen by the camera
- danm0nster/mdembedding - MATLAB code for estimating parameters for phase space reconstruction of multivariate data.
- cuixing158/yoloX-yoloV5-onnx-matlab - Simple reasoning code, just run demo.mlx
- asteroidhouse/texturesynth - Matlab implementation of Efros-Leung texture synthesis by non-parametric sampling.
- ArashRabbani/Porous_Material_101 - Tutorial repository of introduction to porous materials using MATLAB
- xiumingzhang/photonic-bandgap-comsol-matlab - Computing the Bandgap of a 2D Photonic Crystal by COMSOL-MATLAB Scripting
- stewythe1st/AODV-Matlab - A simulation of the ad-hoc on-demand distance vector (AODV) routing protocal for wireless networks in MATLAB.
- springer-math/linear-programming-using-MATLAB - This book offers a theoretical and computational presentation of a variety of linear programming algorithms and methods with an emphasis on the revised simplex method and its components. A theoretical background and mathematical formulation is included for each algorithm as well as comprehensive numerical examples and corresponding MATLAB® code. The MATLAB® implementations presented in this book are sophisticated and allow users to find solutions to large-scale benchmark linear programs. Each algorithm is followed by a computational study on benchmark problems that analyze the computational behavior of the presented algorithms. As a solid companion to existing algorithmic-specific literature, this book will be useful to researchers, scientists, mathematical programmers, and students with a basic knowledge of linear algebra and calculus. The clear presentation enables the reader to understand and utilize all components of simplex-type methods, such as presolve techniques, scaling techniques, pivoting rules, basis update methods, and sensitivity analysis.
- sehyoun/MATLABAutoDiff - Automatic Differentiation Package for MATLAB
- phi-max/skeleton3d-matlab - MATLAB code to calculate the 3D skeleton of a binary volume using parallel medial axis thinning
- OpenPIV/openpiv-matlab - Matlab version of the OpenPIV project (open source Particle Image Velocimetry)
- makrisio/Q-Learning-Algorithm-Implementation-in-MATLAB - A simple and short implementation of the Q-Learning Reinforcement Algorithm in Matlab
- jameslyons/matlab_speech_features - A set of speech feature extraction functions for ASR and speaker identification written in matlab.
- hli1221/imagefusion_mdlatlrr - MDLatLRR (IEEE TIP 2020, Highly Cited Paper), MatLab
- arnodelorme/neurofeedbacklab - Scripts in Matlab to run neurofeedback session
- ankrh/BPM-Matlab - Numerical simulation tool for propagating the scalar electric field in optically guiding structures
- aminzabardast/SIFT-on-MATLAB - This is an Implementation of "SIFT Features" on MatLab.
- mazhar-ansari-ardeh/BenchmarkFcns - A Python and MATLAB implementation of mathematical test functions for benchmarking optimization algorithms.
- Emad-Salehi/UAV-Path-Planning-using-Gray-Wolf-Optimization - Regenerated a state-of-the-art meta-heuristic algorithm for the UAV path planning problem, proposed by Qu, Gai, and Zhong.
- malrabeiah/DL-Massive-MIMO - DL tackling Massive-MIMO problems
- WangboML/bp_features_extraction - 对同步采集的三个信号:PPG、ECG、BP进行特征提取的matlab程序
- tobybreckon/solomon-breckon-book - Fundamentals of Digital Image Processing: A Practical Approach with Examples in Matlab - Solomon / Breckon, 2010
- surya9teja/3D-Artificial-Potential-Field - The artificial potential field (APF) approach provides a simple and effective motion planning method for practical purpose. The current developed project was developed in Matlab with improved algorithms which overcomes the local minima problems.
- plusk01/se3quad - Geometric Controller of a Quadrotor on SE(3)
- 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.
- bachlab/PsPM - A matlab suite for Psycho-Physiological Modelling
- amforte/Topographic-Analysis-Kit - Set of matlab based tools for topographic analysis, built on top of TopoToolbox.
- markallenthornton/MatlabTFCE - Standalone MATLAB implementation of permutation TFCE correction
- mahuichao/MatlabWorkSpace - some algorithm about machine learning ,neural network or Microphone Array
- datajoint/datajoint-matlab - Relational data pipelines for the science lab
- fangq/jsonlab - JSONLab: compact, portable, robust JSON/binary-JSON encoder/decoder for MATLAB/Octave
- fdietzsc/hita - Matlab code for the spectral analysis of homogenous isotropic turbulence
- WiLab/sdruOFDM - OFDM implemented in MATLAB for USRP radios with MAC Layer
- vfitoolkit/vfitoolkit-matlab-replication - Codes that use the VFI Toolkit to replicate existing papers
- SCFMVP/NewMethod - MATLAB车牌识别
- osqp/osqp-matlab - Matlab interface for OSQP
- matlabfem/matlab_fem_elastoplasticity - Fast MATLAB assembly of elastoplastic FEM matrices in 2D and 3D
- JohannesPfeifer/Particle_Filtering - Matlab Particle Filtering and Smoothing Example Code
- dgleich/gaimc - Graph Algorithms in Matlab Code
- Changjing-Liu/Data_Fusion_Course - The solution of the data fusion course of SJTU. MTALAB code for KF/UKF/EKF/PF/FKF/DKF. 数据融合技术,卡尔曼滤波KF/无迹卡尔曼滤波UKF/拓展卡尔曼滤波EKF等的MATLAB实现
- NVlabs/SNN - Matlab code implementation the modified Non Local Means and Bilateral filters, as described in I. Frosio, J. Kautz, Statistical Nearest Neighbors for Image Denoising, IEEE Trans. Image Processing, 2018. The repository also includes the Matlab code to replicate the results of the toy problem described in the paper.
- charlesCXK/Depth2HHA - Use MATLAB to convert depth image into HHA image. In this repo, I will use NYU Depth V2 dataset as an example.
- 13859/Grade-Three--ImageProcessing - 大三上学期数字图像处理期末项目--基于Matlab语言的路标识别
- NilsWinter/matlab-bayesian-estimation - Matlab Toolbox for Bayesian Estimation
- jocover/Simulink-MATLAB-LimeSDR - Simulink blockset and MATLAB functions to interface with LimeSDR
- samhooke/Steganography - Image & video steganography in Matlab
- GenericMappingTools/gmtmex - GMT API for MATLAB
- piermorel/gramm - Gramm is a complete data visualization toolbox for Matlab. It provides an easy to use and high-level interface to produce publication-quality plots of complex data with varied statistical visualizations. Gramm is inspired by R's ggplot2 library.
- odedstein/sgi-introduction-course - A course for getting started with geometry processing using MATLAB and gptoolbox
- ryotat/tensor - matlab code for convex optimization based tensor decomposition (completion/denoising)
- plok6325/Parallel-Get - a toolbox to get CHN stock data for matlab
- NikolajAndersson/PEAQ - This repo contains a Matlab version of the Perceptual Evaluation of Audio Quality algorithm
- loveybos/Signal-Singularity-Detection - 基于小波变换的信号突变点检测MATLAB实现
- johncolby/along-tract-stats - A MATLAB toolbox for performing along-tract analysis of diffusion tensor imaging (DTI) MRI tractography data.
- jabbring/dynamic-discrete-choice - Matlab package for learning to specify, compute, and estimate dynamic discrete choice models
- Hamzeh-Sadeghi/GSpecDisp - A Matlab package for phase-velocity dispersion measurement from ambient-noise correlations
- dcnieho/Titta - Matlab and PsychToolbox interface to Tobii eye trackers using Tobii Pro SDK
- sailaoda/hust_Software_radio - 华中科技大学电信学院软件无线电MATLAB实验代码、实验报告、学习资料等。(个人版)16QAM,OFDM,DDC,无线电信道化接收机等。
- xiaohuiben/fmmef-TIP-2020 - This is the Matlab code of paper "Fast Multi-Scale Structural Patch Decomposition for Multi-Exposure Image Fusion, TIP,2020"
- psexton/matlab-xunit - xUnit for Matlab with JUnit-compatible XML output
- optimizers/logging4matlab - Simple Logging Module for Matlab
- markus-nilsson/md-dmri - MATLAB code for Multidimensional Diffusion MRI
- numpi/hm-toolbox - Toolbox for HODLR and HSS matrices in MATLAB
- mathworks-robotics/robotics-playground - MATLAB and Simulink library of virtual environments designed to aid in the teaching of basic concepts in robotics such as driver control, autonomy programming, obstacle avoidance and object interactions.
- jmgirard/mReliability - MATLAB Functions for Computing Inter-Observer Reliability
- Accla/d4m - Dynamic Distributed Dimensional Data Model
- zhandawei/Call_ANSYS_in_MATLAB - The is the MATLAB code for calling ANSYS in MATLAB
- yashpasar/Brain-Tumor-Classification-and-Detection-Machine-Learning - Refining the Accuracy and Efficiency to classify brain tumor images into malignant and benign using Matlab
- weihaotobe94/LaserSLAM - A simple laser lidar SLAM, the code is organized by matlab.
- SuwoongHeo/Deformation-Transfer-Matlab - Matlab version of Deformation Transfer
- SergioRAgostinho/five_point_algorithm - A MATLAB implementation of the Five-Point Algorithm by David Nistér
- mwgeurts/dicom_tools - DICOM manipulation tools for MATLAB
- JaimeIvanCervantes/FaceRecognition - Face recognition written in MATLAB. This code implements Fisher's Discriminant Analysis and SVMs using LIBSVM.
- ethz-asl/mav_system_identification - Matlab scripts to perform system identification for muti-rotor systems
- djoshea/matlab-save-figure - Cross-platform figure export from Matlab to SVG, PDF, PNG, etc. preserving transparency
- zheng-yuwei/Stacked_Autoencoder - 用 MATLAB 实现深度学习网络中的 stacked auto-encoder:使用AE variant(de-noising / sparse / contractive AE)进行预训练,用BP算法进行微调
- Jayasurya-Marasani/Log-Distance_-Normal-shadowing-pathloss-model - This repository utilizes MATLAB to implement log distance pathloss and log normal shadowing pathloss models.
- Fouloscopie/robotique - Petit programme de robotique en Matlab pour la préparation de l'épisode #13 de Fouloscopie
- brain-life/encode - Method for encoding brain connectomes in multidimensional arrays (tensors).
- hoolheart/ctm_matlab - Implementation of Cell-Transmission Model in plateform of MATLAB
- ethz-asl/matlab_trajectory_tools - Tools for enabling quick display and analysis of trajectories and transformations in Matlab.
- xwasco/DominantSetLibrary - A Matlab library for the Dominant Set clustering
- Vespa314/Retinex - Matlab实现的论文里面算法的Retinex颜色恒常性
- NPS-SRL/SPART - Open-source modeling and control toolkit for mobile-base robotic multibody systems
- leomccormack/HO-SIRR - A MATLAB implementation of the Higher-order Spatial Impulse Response Rendering (HO-SIRR) algorithm; an alternative approach for reproducing Ambisonic RIRs over loudspeakers
- kien-vu/Joint-User-Association-and-In-band-Backhaul-Scheduling-and-in-5G-mmWave-Networks - Matlab Simulation for T. K. Vu, M. Bennis, S. Samarakoon, M. Debbah and M. Latva-aho, "Joint In-Band Backhauling and Interference Mitigation in 5G Heterogeneous Networks," European Wireless 2016; 22th European Wireless Conference, Oulu, Finland, 2016, pp. 1-6. URL: http://ieeexplore.ieee.org/stamp/stamp.jsp?tp=&arnumber=7499273&isnumber=7499250
- deepakbaby/dereverberation-and-denoising - MATLAB codes for estimating the room impulse response (RIR) and exemplar weights for speech dereverberation in noisy environments using the NMF and NMD -based techniques
- TheDatumOrg/grail-matlab - Generic RepresentAtIon Learning for Time Series
- rsagroup/rsatoolbox_matlab - A Matlab toolbox for representational similarity analysis
- wigig-tools/qd-realization - A quasi-deterministic (Q-D) channel implementation in MATLAB software
- wenddymacro/Macro-Model_code - DSGE, Macroeconomic Model, matlab, julia, python, dynare
- trnkap/matlab-snippets - Code snippets for the Matlab editor.
- raacampbell/sigstar - add significance stars to MATLAB plots
- Nekooeimehr/MATLAB-Source-Code-Oversampling-Methods - This repository contains the source code for four oversampling methods that I wrote in MATLAB: 1) SMOTE 2) Borderline SMOTE 3) Safe Level SMOTE 4) ASUWO (Adaptive Semi-Unsupervised Weighted Oversampling)
- lonl/CDBN - Convolutional Deep Belief Networks with 'MATLAB','MEX','CUDA' versions
- bhomssi/LoRaMatlab - LoRa Modulation and Coding Scheme Simulator on Matlab
- yihui-he/panorama - Image alignment and stitching with MATLAB
- yihui-he/3D-reconstruction - two view structure from motion
- vrdmr/CS273a-Introduction-to-Machine-Learning - Introduction to machine learning and data mining How can a machine learn from experience, to become better at a given task? How can we automatically extract knowledge or make sense of massive quantities of data? These are the fundamental questions of machine learning. Machine learning and data mining algorithms use techniques from statistics, optimization, and computer science to create automated systems which can sift through large volumes of data at high speed to make predictions or decisions without human intervention. Machine learning as a field is now incredibly pervasive, with applications from the web (search, advertisements, and suggestions) to national security, from analyzing biochemical interactions to traffic and emissions to astrophysics. Perhaps most famously, the $1M Netflix prize stirred up interest in learning algorithms in professionals, students, and hobbyists alike. This class will familiarize you with a broad cross-section of models and algorithms for machine learning, and prepare you for research or industry application of machine learning techniques. Background We will assume basic familiarity with the concepts of probability and linear algebra. Some programming will be required; we will primarily use Matlab, but no prior experience with Matlab will be assumed. (Most or all code should be Octave compatible, so you may use Octave if you prefer.) Textbook and Reading There is no required textbook for the class. However, useful books on the subject for supplementary reading include Murphy's "Machine Learning: A Probabilistic Perspective", Duda, Hart & Stork, "Pattern Classification", and Hastie, Tibshirani, and Friedman, "The Elements of Statistical Learning".
- tboerstad/DSPView - A MATLAB GUI for ultrasound B-mode, velocity, strain and elastographic processing.
- jramshur/ECG_Viewer - Matlab GUI for reviewing, processing, and annotating electrocardiogram (ECG) data files
- arbenson/higher-order-organization-matlab - Experimental Matlab code for methods and some examples in "Higher-order organization of complex networks"
- yashdv/Speech-Recognition - A simple Matlab code to recognize people using their voice.
- tinevez/msdanalyzer - A MATLAB class for Mean Square Displacement analysis.
- otvam/fem_mesh_matlab - MATLAB Toolbox for Handling 2D and 3D FEM Meshes
- mxgiuliani00/M3O-Multi-Objective-Optimal-Operations - M3O is a Matlab toolbox for designing the optimal operations of multipurpose water reservoir systems
- jflalonde/shadowDetection - MATLAB implementation of our shadow detection approach, introduced in our ECCV 2010 paper.
- fperdigon/ECG-BaseLineWander-Removal-Methods - This repository contains 9 methods for Base Line Wander removal. It also contains 3 similarity metrics that are applied to signals.
- andrewssobral/tensor_toolbox - MATLAB Tensor Toolbox (by Tamara Kolda)
- Julie-Fabre/bombcell - Automated curation and cell classification of spike-sorted electrophysiology data in MATLAB.
- ONSAS/ONSAS.m - An Open Nonlinear Structural Analysis Solver for GNU-Octave or Matlab
- mathworks-robotics/designing-robot-manipulator-algorithms - MATLAB and Simulink files for modeling and simulation of ROBOTIS OpenManipulator
- MaoXu/Joint_Bayesian - According to the paper "Bayesian Face Revisited: A Joint Formulation", the repository realizes the algorithm of Joint Beyesian with Matlab and achieve the same result as the paper
- kien-vu/Path-Selection-and-Rate-allocation-in-Self-backhauled-mmWave-Networks - This is a Matlab code package is related to the article : Path Selection and Rate Allocation for URLLC in Self-backhauled mmWave 5G Networks
- jeljaik/extended-kalman-filter - Matlab and C++ code for implementation of the Extended Kalman Filter for estimating dynamic quantities for a single rigid body with distributed force/torque measurements and distributed gyroscopes and accelerometers measurements.It also include estimation of the orientation under the quaternion representation.
- EvanOman/AntColonyOptimization-TSP - An Ant Colony Optimization algorithm for the Traveling Salesman Problem
- ZhuangLab/matlab-storm - GUIs and functions for analyzing STORM data in MATLAB
- tambetm/matlab2048 - 2048 playing agent using deep Q-learning in Matlab.
- jaiverma/MATLAB - Digital Image Processing
- dmarienko/Matlab - Some usefull matlab scripts
- Apress/practical-matlab-deep-learning - Source Code for 'Practical MATLAB Deep Learning' by Michael Paluszek and Stephanie Thomas
- Patrick9313/Sudoku - 一个基于启发式搜索解决具体数独问题的MATLAB程序
- maximm8/VisualHull - Creation of Visual Hull using Matlab
- heriantolim/PeakFit - A peak-fitting tool based on MATLAB for spectroscopic data analysis.
- DylanMuir/TIFFStack - Load TIFF files into matlab fast, with lazy loading
- oydodo/MATLAB - 《数学建模算法与应用》司守奎matlab程序
- martinResearch/MatlabAutoDiff - A matlab implementation of forward automatic differentiation with operator overloading and sparse jacobians
- FacePlusPlus/facepp-matlab-sdk - Matlab SDK for Face++ V2 API
- chrisjmccormick/hog_matlab - Matlab implementation of the HOG descriptor for pedestrian detection
- UTS-CAS/Matlab-Graph-Optimization - Matlab: Optimization for Nonlinear Least Squares
- ContinuumRoboticsLab/CRVisToolkit - This is a set of MATLAB functions for visualization and plotting of continuum robots.
- simgunz/doxymatlab - Doxygen parser for MATLAB. Extracts automatically comments from your Matlab .m files using Doxygen to generate the documentation.
- PrasannaNatarajan/Coursera-Machine-Learning-Andrew-NG - This is a repository of my coursera Machine Learning by Standford, Andrew NG course's assignments
- NelsonUpenn/PMLS-MATLAB-Guide - MLguide1-0.pdf: Nelson & Dodson's "Student's Guide to Physical Modeling with MATLAB." Other items include Errata, code samples, and discussion.
- LabForComputationalVision/textureSynth - This package contains MatLab code for analyzing and synthesizing digital image of visual texture.
- Charleswyt/audio_steganalysis_ml - Audio steganalysis based on traditional handcrafted features design.
- CemalUnal/XDoG-Filter - Edge Detection with XDoG Filter
- amandajshao/crowd_group_profile - Matlab code for our CVPR 2014 work "Scene-Independent Group Profiling in Crowd".
- mathworks/MathWorks-Excellence-in-Innovation - Capstone and senior design project ideas for undergraduate and graduate students to gain practical experience and insight into technology trends and industry directions.
- preraulab/multitaper_toolbox - A multitaper spectral estimation toolbox implemented in Matlab, Python, and R
- PeterRochford/SkillMetricsToolbox - This toolbox contains a collection of Matlab functions for calculating the skill of model predictions against observations.
- ACCLAB/DABEST-Matlab - MATLAB package to generate contrast plots