Discover Canada's Leading Open Source Projects: Explore top-notch open source initiatives hailing from the vibrant tech community of Canada.
scottclowe/matlab-schemer
Apply and save color schemes in MATLAB with ease.alecjacobson/gptoolbox
Matlab toolbox for Geometry Processing.mahmoudnafifi/Exposure_Correction
Project page of the paper "Learning Multi-Scale Photo Exposure Correction" (CVPR 2021).plotly/plotly_matlab
Plotly Graphing Library for MATLABยฎalecjacobson/geometry-processing-csc2520
Course Page for Geometry Processingmahmoudnafifi/WB_sRGB
White balance camera-rendered sRGB images (CVPR 2019) [Matlab & Python]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/xinychen/academic-drawing
Providing codes (including Matlab and Python) for visualizing numerical experiment results.olzhas/rrt_toolbox
RRT, RRT*, RRT*FN algorithms for MATLAByaksoy/AffinityBasedMattingToolbox
A collection of common affinity-based image matting and matte refinement algorithms.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].gudbrandtandberg/CPSC540Project
Project on financial forecasting using ML. Made by Anson Wong, Juan Garcia & Gudbrand TandbergSorourMo/38-Cloud-A-Cloud-Segmentation-Dataset
This data set includes Landsat 8 images and their manually extracted pixel-level ground truths for cloud detection.lukasc-ubc/SiliconPhotonicsDesign
Textbook: Lukas Chrostowski, Michael Hochberg, "Silicon Photonics Design", Cambridge University Press 2015utiasSTARS/msckf-swf-comparison
MATLAB code and data for our CRV 2015 paperkaraimer/camera-pipeline-UI
taiya/cloudcontr
Automatically exported from code.google.com/p/skeletonizationSable/mcbench-benchmarks
Repo containing a copy of mcbench benchmarksmpf/spgl1
A solver for large-scale sparse least squareszhengliu6699/imageFusionMetrics
amoudgl/mosse-tracker
Implementation of MOSSE tracker in MATLAB: Visual Object Tracking using Adaptive Correlation Filters (CVPR 2010)AbdoKamel/sidd-ground-truth-image-estimation
Ground truth image estimation used for the Smartphone Image Denoising Dataset (SIDD)nicolasayotte/MatlabGDSPhotonicsToolbox
This is a Matlab library of functions to facilitate the design of Photonics Integrated Circuits GDS layout.mahmoudnafifi/CIE_XYZ_NET
PyTorch & Matlab code for the paper: CIE XYZ Net: Unprocessing Images for Low-Level Computer Vision Tasks (TPAMI 2021).mahmoudnafifi/11K-Hands
Two-stream CNN for gender classification and biometric identification using a dataset of 11K hand images.nathanieljohnston/QETLAB
A MATLAB toolbox for quantum entanglement.taiya/rosa
Curve-skeleton Extraction from Incomplete Point Cloudmsacchi/SeismicLab
Matlab research tools to read, write and process seismic datagraytowne/caser
A Matlab implementation of Convolutional Sequence Embedding Recommendation Model (Caser)MuSAELab/SRMRToolbox
A non-intrusive objective metric for speech quality and intelligibility for normal hearing listeners and cochlear implant usersPhDP/mlbop
Matlab code for S. Theodoridis' "Machine Learning: A Bayesian and Optimization Perspective" (2015).Yifeng-He/Optimal-Scheduling-for-Charging-and-Discharging-of-Electric-Vehicles
This project develops an optimal scheduling algorithm to minimize the total cost for charging and discharging of electric vehicles.xinario/defocus_segmentation
LBP-based segmentation of defocus blursandywang/GRETNA
A Graph-theoretical Network Analysis Toolkit in MATLABSHITIANYU-hue/Efficient-motion-planning
To guarantee safe and efficient driving for automated vehicles in complicated traffic conditions, the motion planning module of automated vehicles are expected to generate collision-free driving policies as soon as possible in varying traffic environment. However, there always exist a tradeoff between efficiency and accuracy for the motion planning algorithms. Besides, most motion planning methods cannot find the desired trajectory under extreme scenarios (e.g., lane change in crowded traffic scenarios). This study proposed an efficient motion planning strategy for automated lane change based on Mixed-Integer Quadratic Optimization (MIQP) and Neural Networks. We modeled the lane change task as a mixed-integer quadratic optimization problem with logical constraints, which allows the planning module to generate feasible, safe and comfortable driving actions for lane changing process. Then, a hierarchical machine learning structure that consists of SVM-based classification layer and NN-based action learning layer is established to generate desired driving policies that can make online, fast and generalized motion planning. Our model is validated in crowded lane change scenarios through numerical simulations and results indicate that our model can provide optimal and efficient motion planning for automated vehiclesquandl/Matlab
Quandl's Matlab moduletrane293/DDSMUtility
Utility to greatly simplify downloading, converting, viewing and extracting annotations from the Digital Database for Screening Mammography (DDSM) database available here: http://marathon.csee.usf.edu/Mammography/Database.htmlMahanFathi/LQR-RRTstar
LQR-RRT* method is used for random motion planning of a simple pendulum in it's phase plotlusixing/Energy_efficiency_optimization_for_MIMO_interference_networks
Solving energy efficiency optimization problem for MIMO interference wireless network using iterative semi-definite programming with WMMSE (SDP-WMMSE) algorithm and successive convex approximation (SCA) algorithmalecjacobson/convex-optimization-cookbook
codeslake/SYNDOF
The official matlab implementation of SYNDOF generation used in the paper, 'Deep Defocus Map Estimation using Domain Adaptation', CVPR 2019mpf/spot
A linear-operator toolbox for Matlabsiramirsaman/LBM
Lattice Boltzmann Method Implementation in MATLAB for Curved Boundariesmahmoudnafifi/Image_recoloring
Image Recoloring Based on Object Color Distributions (Eurographics 2019)sustainable-computing/dist_grid_identification
A simulation framework for topology identification and model parameter estimation in power distribution grids: https://ieeexplore.ieee.org/document/8601410aspurdy/dbn
MATLAB code for training deep belief networksbobvo23/flicker_stimulator
SSVEP Stimulator using MATLAB and Psychtoolboxashafaei/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*SHITIANYU-hue/Data-driven-control
A reliable controller is critical for execution of safe and smooth maneuvers of an autonomous vehicle. The controller must be robust to external disturbances, such as road surface, weather, wind conditions, and so on. It also needs to deal with internal variations of vehicle sub-systems, including powertrain inefficiency, measurement errors, time delay, etc. These factors introduce issues in controller performance. In this paper, a feed-forward compensator is designed via a data-driven method to model and optimize the controllerโs performance. Principal Component Analysis (PCA) is applied for extracting influential features, after which a Time Delay Neural Network is adopted to predict control errors over a future time horizon. Based on the predicted error, a feedforward compensator is then designed to improve control performance. Simulation results in different scenarios show that, with the help of with the proposed feedforward compensator, the maximum path tracking error and the steering wheel angle oscillation are improved by 44.4% and 26.7%, respectively.asteroidhouse/texturesynth
Matlab implementation of Efros-Leung texture synthesis by non-parametric sampling.tsipkens/cmap
Perceptually uniform colormaps for MATLAB, compiled from multiple sources.ashafaei/dense-depth-body-parts
Dense classification of the depth images to recognize the body parts.mn9891/massive-mimo-detection
Massive MIMO Detection using MMSE-SIC and Expectation Propagation - Matlabtrinhudo/Multi-RIS
Multi-RIS-aided Wireless Systems: Statistical Characterization and Performance Analysis, IEEE Transactions on Communications, Sep. 2021.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.dabana/gpr_processing
Processing of ground penetrating radar (GPR) data using Matlab and the CREWES library, an open-source seismic data processing library. An implementation of the method described in Harlan et al., Geophysics, vol 49, no. 11, 1984PhilD001/biomechZoo
biomechZoo is a user-customizable toolbox for the analysis of biomechanical data within the MatLab programming environment. Please take a look at the Wiki for setup information and user instructions.aminshabani/BM3D
Matlab implementation of BM3D Algorithm for Image denoising.mahmoudnafifi/Semantic-Color-Constancy-Using-CNN
Semantic information can help CNNs to get better illuminant estimation -- a proof of conceptRiashat/Q-Learning-SARSA-Policy-and-Value-Iteration
Implementation of basic reinforcement learning algorithms (Q-learning, SARSA, Policy iteration and Value Iteration) on benchmark RL MDPs (GridWorld, SmallWorld and CliffWorld)kylemath/cross_colour
Overlay saturated crosshatch grid onto grayscale image for illusory coloursAntonSemechko/S2-Sampling-Toolbox
Toolbox for generating sptially uniform sampling patterns and decompositions of a unit spherenatashad/SpeechRecognition
Speaker Identification using GMM and Speech Recognition using HMMsMarioKrenn6240/SEMNET
Semantic Network for Quantum Physicsrayryeng/equi2cubic
MATLAB script that converts equirectangular images into six cube facesrgeirhos/object-recognition
Data and materials from the paper "Comparing deep neural networks against humans: object recognition when the signal gets weaker" (arXiv 2017)Riashat/Policy-Gradient-Reinforcement-Learning
JonathanAMichaels/hebbRNN
A Reward-Modulated Hebbian Learning Rule for Recurrent Neural Networkskaraimer/camera-pipeline-nonUI
Non-UI implementation of **camera-pipeline-UI**.Ghaderpour/LSWAVE-SignalProcessing
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 obstaclesmahmoudnafifi/SIIE
Sensor-Independent Illumination Estimation for DNN Models (BMVC 2019)hoonose/robust-filter
[ICML 2017] Robust estimation of mean and covariance in high dimensionsscottclowe/superbar
Better bar charts for MATLAB.adityajain07/Radar-Systems
This repository contains codes for various applications in radar systems which includes matched filter, ambiguity diagram, digital beamforming, stepped-frequency waveformm and LFM.mahmoudnafifi/ColorTempTuning
A camera pipeline that allows accurate post-capture white balance editing (CIC best paper award, 2019)khushi4tiwari/OFDM-MIMO-System
Physical Layer Simulation of an IEEE 802.11 OFDM MIMO Systemmebden/GPtutorial
Matlab code for the introduction to Gaussian processes, 2008rarora7777/VolumetricTruss
Source code for the paper "Volumetric Michell Trusses for Parametric Design and Fabrication" published at SCF 2019.groupeLIAMG/bh_tomo
A Matlab borehole radar/seismic tomography packagesrp98/Prediction-using-Bayesian-Neural-Network
Prediction of continuous signals data and Web tracking data using dynamic Bayesian neural network. Compared with other network architectures aswell.tskippon/GND
Matlab code for calculation of geometrically necessary dislocation densities from EBSD datamahmoudnafifi/modified-Poisson-image-editing
Realistic image blending -- a Matlab implementation of MPB: A modified Poisson blending technique, Computational Visual Media 2015.hoonose/sever
[ICML 2019] A Robust Meta-Algorithm for Stochastic OptimizationXingorno/Optimized-Bayesian-Nonlocal-means-with-block-OBNLM
Optimized bayesian nonlocal-means algorithm for denoising ultrasound imagejs117/CVX
Convex Optimization code collection of solved problems and algorithmsfmannan/PSFEstimation
Point Spread Function Estimation from Imagesxumi1993/SplitRFLab
A Matlab toolbox of processing receiver functions and shear wave splitingtrinhudo/Matlab-code-TGCN-Mar2018
Matlab code of the paper: T. N. Do, D. B. da Costa, T. Q. Duong, and B. An, โImproving the performance of cell-edge users in MISO-NOMA systems using TAS and SWIPT-based cooperative transmissions,โ IEEE Transactions on Green Communications and Networking, vol. 2, no. 1, pp. 49โ62, Mar. 2018.jspenguin2017/Snippets
Random code snippetsbenjaminbritton/AstroEBSD
AstroEBSD - indexing tool for EBSD patternsmahmoudnafifi/Interactive_WB_correction
Reference code for the paper Interactive White Balancing for Camera-Rendered Images Mahmoud Afifi and Michael S. Brown. In Color and Imaging Conference (CIC), 2020.mcgill-smart-transport/bgcp_imputation
Bayesian Tensor Decomposition Approach for Incomplete Traffic Data Imputationtsogkas/spb-mil
Symmetry detection using color, texture and spectral cues in a Multiple Instance Learning (MIL) framework.SINBADconsortium/SLIM-release-apps
Public legacy release of SLIM MATLAB software release to SINBAD sponsors - containing all applications, algorithms, tools, and utilities in MATLAB languageSIMEXP/niak
GNU Octave library for connectivity analysis in large fMRI datasetsmahdihosseini/1Shot-MaxPol
Natural Image Deconvolution [IEEE TIP 2019]gcunhase/Emotional-Video-to-Audio-with-ANFIS-DeepRNN
Emotional Video to Audio Transformation with ANFIS-DeepRNN (Vanilla RNN and LSTM-DeepRNN) [MPE 2020]povilaskarvelis/DataViz
Data visualization tools for MatlabLove Open Source and this site? Check out how you can help us