Search Results for "matlab neural network toolbox"

Showing 50 open source projects for "matlab neural network toolbox"

View related business solutions
  • Level Up Your Cyber Defense with External Threat Management Icon
    Level Up Your Cyber Defense with External Threat Management

    See every risk before it hits. From exposed data to dark web chatter. All in one unified view.

    Move beyond alerts. Gain full visibility, context, and control over your external attack surface to stay ahead of every threat.
    Try for Free
  • Keep company data safe with Chrome Enterprise Icon
    Keep company data safe with Chrome Enterprise

    Protect your business with AI policies and data loss prevention in the browser

    Make AI work your way with Chrome Enterprise. Block unapproved sites and set custom data controls that align with your company's policies.
    Download Chrome
  • 1
    Python Outlier Detection

    Python Outlier Detection

    A Python toolbox for scalable outlier detection

    PyOD is a comprehensive and scalable Python toolkit for detecting outlying objects in multivariate data. This exciting yet challenging field is commonly referred as outlier detection or anomaly detection. PyOD includes more than 30 detection algorithms, from classical LOF (SIGMOD 2000) to the latest COPOD (ICDM 2020) and SUOD (MLSys 2021). Since 2017, PyOD [AZNL19] has been successfully used in numerous academic researches and commercial products [AZHC+21, AZNHL19]. PyOD has multiple neural...
    Downloads: 0 This Week
    Last Update:
    See Project
  • 2
    mTRF-Toolbox

    mTRF-Toolbox

    A MATLAB package for modelling multivariate stimulus-response data

    mTRF-Toolbox is a MATLAB package for modelling multivariate stimulus-response data, suitable for neurophysiological data such as MEG, EEG, sEEG, ECoG and EMG. It can be used to model the functional relationship between neuronal populations and dynamic sensory inputs such as natural scenes and sounds, or build neural decoders for reconstructing stimulus features and developing real-time applications such as brain-computer interfaces (BCIs). Toolbox Paper: http://dx.doi.org/10.3389/fnhum...
    Downloads: 8 This Week
    Last Update:
    See Project
  • 3
    hloc

    hloc

    Visual localization made easy with hloc

    This is hloc, a modular toolbox for state-of-the-art 6-DoF visual localization. It implements Hierarchical Localization, leveraging image retrieval and feature matching, and is fast, accurate, and scalable. This codebase won the indoor/outdoor localization challenges at CVPR 2020 and ECCV 2020, in combination with SuperGlue, our graph neural network for feature matching. We provide step-by-step guides to localize with Aachen, InLoc, and to generate reference poses for your own data using SfM...
    Downloads: 0 This Week
    Last Update:
    See Project
  • 4
    Kinetic.jl

    Kinetic.jl

    Universal modeling and simulation of fluid mechanics upon ML

    Kinetic is a computational fluid dynamics toolbox written in Julia. It aims to furnish efficient modeling and simulation methodologies for fluid dynamics, augmented by the power of machine learning. Based on differentiable programming, mechanical and neural network models are fused and solved in a unified framework. Simultaneous 1-3 dimensional numerical simulations can be performed on CPUs and GPUs.
    Downloads: 0 This Week
    Last Update:
    See Project
  • The All-in-One Commerce Platform for Businesses - Shopify Icon
    The All-in-One Commerce Platform for Businesses - Shopify

    Shopify offers plans for anyone that wants to sell products online and build an ecommerce store, small to mid-sized businesses as well as enterprise

    Shopify is a leading all-in-one commerce platform that enables businesses to start, build, and grow their online and physical stores. It offers tools to create customized websites, manage inventory, process payments, and sell across multiple channels including online, in-person, wholesale, and global markets. The platform includes integrated marketing tools, analytics, and customer engagement features to help merchants reach and retain customers. Shopify supports thousands of third-party apps and offers developer-friendly APIs for custom solutions. With world-class checkout technology, Shopify powers over 150 million high-intent shoppers worldwide. Its reliable, scalable infrastructure ensures fast performance and seamless operations at any business size.
    Learn More
  • 5
    NifFINDER

    NifFINDER

    A preditor of Nif proteins

    Tool developed in MATLAB to identify the set of proteins encoded by the nifs genes (which are called Nifs). Niffinder identifies up to 24 Nifs - For each Nif protein an Artificial Neural Network (ANN) was built.
    Downloads: 11 This Week
    Last Update:
    See Project
  • 6
    Algorithms Math Models

    Algorithms Math Models

    MATLAB implementations of algorithms

    Algorithms_MathModels is a large MATLAB collection of algorithms and solved examples targeted at students and teams preparing for mathematical modeling competitions (national and international contests like MCM/ICM). The repository gathers implementations and case studies across many topics commonly used in contest solutions: optimization (linear, integer, goal and nonlinear programming), heuristic and metaheuristic methods (simulated annealing, genetic algorithms, immune algorithms), neural...
    Downloads: 2 This Week
    Last Update:
    See Project
  • 7
    DnCNN

    DnCNN

    Beyond a Gaussian Denoiser: Residual Learning of Deep CNN

    This repository implements DnCNN (“Deep CNN Denoiser”) from the paper “Beyond a Gaussian Denoiser: Residual Learning of Deep CNN for Image Denoising”. DnCNN is a feedforward convolutional neural network that learns to predict the residual noise (i.e. noise map) from a noisy input image, which is then subtracted to yield a clean image. This formulation allows efficient denoising, supports blind Gaussian noise (i.e. unknown noise levels), and can be extended to related tasks like image super...
    Downloads: 0 This Week
    Last Update:
    See Project
  • 8
    CNN for Image Retrieval
    cnn-for-image-retrieval is a research-oriented project that demonstrates the use of convolutional neural networks (CNNs) for image retrieval tasks. The repository provides implementations of CNN-based methods to extract feature representations from images and use them for similarity-based retrieval. It focuses on applying deep learning techniques to improve upon traditional handcrafted descriptors by learning features directly from data. The code includes training and evaluation scripts...
    Downloads: 1 This Week
    Last Update:
    See Project
  • 9
    ConvNet Burden

    ConvNet Burden

    Memory consumption and FLOP count estimates for convnets

    convnet-burden is a MATLAB toolbox / script collection estimating computational cost (FLOPs) and memory consumption of various convolutional neural network architectures. It lets users compute approximate burdens (in FLOPs, memory) for standard image classification CNN models (e.g. ResNet, VGG) based on network definitions. The tool helps researchers compare the computational efficiency of architectures or quantify resource needs. Estimation of memory consumption (e.g. feature map sizes...
    Downloads: 0 This Week
    Last Update:
    See Project
  • Gen AI apps are built with MongoDB Atlas Icon
    Gen AI apps are built with MongoDB Atlas

    Build gen AI apps with an all-in-one modern database: MongoDB Atlas

    MongoDB Atlas provides built-in vector search and a flexible document model so developers can build, scale, and run gen AI apps without stitching together multiple databases. From LLM integration to semantic search, Atlas simplifies your AI architecture—and it’s free to get started.
    Start Free
  • 10
    SFD

    SFD

    S³FD: Single Shot Scale-invariant Face Detector, ICCV, 2017

    S³FD (Single Shot Scale-invariant Face Detector) is a real-time face detection framework designed to handle faces of various sizes with high accuracy using a single deep neural network. Developed by Shifeng Zhang, S³FD introduces a scale-compensation anchor matching strategy and enhanced detection architecture that makes it especially effective for detecting small faces—a long-standing challenge in face detection research. The project builds upon the SSD framework in Caffe, with modifications...
    Downloads: 1 This Week
    Last Update:
    See Project
  • 11

    W2MHS-DNN

    Open Source White Matter Hyperintensities Segmentation Toolbox

    Wisconsin White Matter Hyperintensity Segmentation [W2MHS] and Quantification Toolbox is an open source MatLab toolbox designed for detecting and quantifying White Matter Hyperintensities (WMH) in Alzheimer’s and aging related neurological disorders. WMHs arise as bright regions on T2- weighted FLAIR images. They reflect comorbid neural injury or cerebral vascular disease burden. Their precise detection is of interest in Alzheimer’s disease (AD) with regard to its prognosis. Our toolbox...
    Downloads: 0 This Week
    Last Update:
    See Project
  • 12

    ghcnd_access

    Extract data from GHCN-Daily in either MATLAB or GNU Octave

    The ghcnd_access toolbox is utilised to extract data from the Global Historical Climatology Network (GHCN)-Daily database and change the .dly file format into a more accessible structure. The toolbox can be run in either MATLAB or open source alternative GNU Octave.
    Downloads: 0 This Week
    Last Update:
    See Project
  • 13
    The purpose of the Freely Moving Animal (FMA) Toolbox is to help analyze electrophysiological and behavioral data recorded from freely moving animals.
    Downloads: 0 This Week
    Last Update:
    See Project
  • 14
    Face Verification Experiment

    Face Verification Experiment

    Original Caffe Version for LightCNN-9. Highly recommend to use PyTorch

    face_verification_experiment is a research repository focused on experiments in face verification using deep learning. It provides implementations and scripts for testing different neural network architectures and training strategies on face recognition and verification tasks. The project is designed to help researchers and practitioners evaluate the performance of models on standard datasets and explore techniques for improving accuracy. By offering experimental setups, it enables...
    Downloads: 1 This Week
    Last Update:
    See Project
  • 15
    GTK+ IOStream

    GTK+ IOStream

    GTK+iostream, Data plots, ORB, Neural Networks, WSOLA

    Create GTK+ interfaces using IOStream style code. Its simple and quick! Also providing simple data plotting (similar to Matlab/Octave), ORB (Object Request Broker), and Neural Network computations. You can create GTK+ GUIs in a few lines of code. Labels<<"Thanks for reading"; (HBox<<Labels).show(); or even one line : (HBox() << (Labels()<<"Thanks for reading")).show(); Inline code destructs the classes, but leaves the widgets/callbacks operating. This is great for embedded...
    Downloads: 0 This Week
    Last Update:
    See Project
  • 16
    DeepLearnToolbox

    DeepLearnToolbox

    Matlab/Octave toolbox for deep learning

    DeepLearnToolbox is a MATLAB / Octave toolbox for prototyping deep learning models. It provides implementations of feedforward neural networks, convolutional neural networks (CNNs), deep belief networks (DBNs), stacked autoencoders, convolutional autoencoders, and more. The toolbox includes example scripts for each method, enabling users to quickly experiment with architectures, training, and inference workflows. Although it's been flagged as deprecated and no longer actively maintained...
    Downloads: 2 This Week
    Last Update:
    See Project
  • 17
    optPBN

    optPBN

    An optimization toolbox for probabilistic Boolean networks

    We introduce optPBN, a Matlab-based toolbox for the optimization of probabilistic Boolean networks (PBN) which operates under the framework of the BN/PBN toolbox from Shmulevich et al. optPBN offers an easy generation of probabilistic Boolean networks from Boolean rule-based modeling and allows for flexible measurement data integration from multiple experiments and a subsequent integrated optimization problem generation which then can be solved with different optimizers. Thereby optPBN allows...
    Downloads: 0 This Week
    Last Update:
    See Project
  • 18

    Facial Expression Recognition

    Facial Expression Recognition System - Matlab source code

    ..." aspects of the data. The extracted feature vectors in the reduced space are used to train the supervised Neural Network classifier. This approach results extremely powerful because it does not require the detection of any reference point or node grid. The proposed method is fast and can be used for real-time applications.
    Downloads: 0 This Week
    Last Update:
    See Project
  • 19

    Power-grid synchronization models

    Computing parameters for network dynamics models

    This repository contains a MATLAB toolbox 'pg_sync_models' for computing the parameters of the three models for power-grid synchronization dynamics, as described in T. Nishikawa and A. E. Motter, Comparative analysis of existing models for power-grid synchronization, New J. Phys. 17 (2015) 015012. http://dx.doi.org/10.1088/1367-2630/17/1/015012 The toolbox also contains data files for four of the example systems discussed in the article.
    Downloads: 0 This Week
    Last Update:
    See Project
  • 20

    Constrictor

    Flux balance analysis constraint modification

    Constrictor is a simple FBA tool for analyzing the impact of fine-tuned gene repression on metabolic network performance. Constrictor is built in MATLAB, for use with the COBRA toolbox.
    Downloads: 0 This Week
    Last Update:
    See Project
  • 21
    Rcnn

    Rcnn

    R-CNN: Regions with Convolutional Neural Network Features

    This repository contains the original MATLAB implementation of R-CNN (Regions with Convolutional Neural Networks), a pioneering deep learning-based object detection framework. Developed by Ross Girshick, R-CNN combines region proposals with convolutional neural networks to detect objects in images. It was one of the first approaches to significantly improve performance on object detection benchmarks like PASCAL VOC.
    Downloads: 0 This Week
    Last Update:
    See Project
  • 22
    METAlab GTG

    METAlab GTG

    Matlab toolbox to run a GLM on graph theoretic properties in MRI data

    This Matlab toolbox runs a GLM on graph theoretic network properties in brain networks. The GLM accepts continuous & categorical between-participant predictors and categorical within-participant predictors. Significance is determined via non-parametric permutation tests. The toolbox allows testing of both fully connected and thresholded networks (based on a range of thresholds). The toolbox also provides a data processing path for resting state fMRI data. Several options for partialing...
    Downloads: 0 This Week
    Last Update:
    See Project
  • 23
    WM Hyperintensities Segmentation Toolbox

    WM Hyperintensities Segmentation Toolbox

    Open Source White Matter Hyperintensities Segmentation Toolbox

    Wisconsin White Matter Hyperintensity Segmentation [W2MHS] and Quantification Toolbox is an open source MatLab toolbox designed for detecting and quantifying White Matter Hyperintensities (WMH) in Alzheimer’s and aging related neurological disorders. WMHs arise as bright regions on T2- weighted FLAIR images. They reflect comorbid neural injury or cerebral vascular disease burden. Their precise detection is of interest in Alzheimer’s disease (AD) with regard to its prognosis. Our toolbox...
    Downloads: 0 This Week
    Last Update:
    See Project
  • 24

    NetGames

    MATLAB tool for network formation games modeling and visualization

    A toolbox for network formation games researches. Currently focused on game theoretic topology formation in wireless ad hoc networks. Additionally includes functions for Granovetter threshold model of social activity. The project still under development
    Downloads: 0 This Week
    Last Update:
    See Project
  • 25

    Systems Glycobiology

    Glycosylation Network Analysis Toolbox (GNAT)

    ... features that are geared towards incorporating glycan-structure experimental data into the simulation environment. For information about GNAT installation and usage, please see the GettingStarted.pdf file enclosed in the package. To cite GNAT: [1] Gang Liu, Apurv Puri and Sriram Neelamegham, Glycosylation Network Analysis Toolbox (GNAT): a MATLAB based environment for systems glycobiology, Bioinformatics 2013 29: 404-406
    Downloads: 0 This Week
    Last Update:
    See Project
  • Previous
  • You're on page 1
  • 2
  • Next
Want the latest updates on software, tech news, and AI?
Get latest updates about software, tech news, and AI from SourceForge directly in your inbox once a month.