Showing 29 open source projects for "python neural network"

View related business solutions
  • Our Free Plans just got better! | Auth0 Icon
    Our Free Plans just got better! | Auth0

    With up to 25k MAUs and unlimited Okta connections, our Free Plan lets you focus on what you do best—building great apps.

    You asked, we delivered! Auth0 is excited to expand our Free and Paid plans to include more options so you can focus on building, deploying, and scaling applications without having to worry about your security. Auth0 now, thank yourself later.
    Try free now
  • Simple, Secure Domain Registration Icon
    Simple, Secure Domain Registration

    Get your domain at wholesale price. Cloudflare offers simple, secure registration with no markups, plus free DNS, CDN, and SSL integration.

    Register or renew your domain and pay only what we pay. No markups, hidden fees, or surprise add-ons. Choose from over 400 TLDs (.com, .ai, .dev). Every domain is integrated with Cloudflare's industry-leading DNS, CDN, and free SSL to make your site faster and more secure. Simple, secure, at-cost domain registration.
    Sign up for free
  • 1
    NeuroJSON

    NeuroJSON

    Scalable, searchable and verifiable neuroimaging data exchange platfor

    Downloads: 12 This Week
    Last Update:
    See Project
  • 2
    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: 0 This Week
    Last Update:
    See Project
  • 3
    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-resolution or JPEG deblocking in some variants. ...
    Downloads: 1 This Week
    Last Update:
    See Project
  • 4
    VRN

    VRN

    Code for "Large Pose 3D Face Reconstruction

    The VRN (Volumetric Regression Network) repository implements the “Large Pose 3D Face Reconstruction from a Single Image via Direct Volumetric CNN Regression” method. Instead of explicitly fitting a 3D model via landmark estimation and deformation, VRN treats the reconstruction task as volumetric segmentation: it learns a CNN to regress a 3D volume aligned to the input image, and then extracts a mesh via isosurface from that volume. The network is unguided (no 2D landmarks as intermediate)....
    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
  • 5
    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 that...
    Downloads: 1 This Week
    Last Update:
    See Project
  • 6
    Cantera
    Cantera is a suite of object-oriented software tools for problems involving chemical kinetics, thermodynamics, and/or transport processes. It can be used from MATLAB, Python, C++, or Fortran.
    Downloads: 9 This Week
    Last Update:
    See Project
  • 7
    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, parameter storage). ...
    Downloads: 0 This Week
    Last Update:
    See Project
  • 8
    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 tailored for face detection tasks. ...
    Downloads: 3 This Week
    Last Update:
    See Project
  • 9
    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 reproducibility and comparative study of face verification approaches. ...
    Downloads: 0 This Week
    Last Update:
    See Project
  • Get the most trusted enterprise browser Icon
    Get the most trusted enterprise browser

    Advanced built-in security helps IT prevent breaches before they happen

    Defend against security incidents with Chrome Enterprise. Create customizable controls, manage extensions and set proactive alerts to keep your data and employees protected without slowing down productivity.
    Download Chrome
  • 10
    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 memory saving code. ...
    Downloads: 0 This Week
    Last Update:
    See Project
  • 11

    LWPR

    Locally Weighted Projection Regression (LWPR)

    Locally Weighted Projection Regression (LWPR) is a fully incremental, online algorithm for non-linear function approximation in high dimensional spaces, capable of handling redundant and irrelevant input dimensions. At its core, it uses locally linear models, spanned by a small number of univariate regressions in selected directions in input space. A locally weighted variant of Partial Least Squares (PLS) is employed for doing the dimensionality reduction. Please cite: [1] Sethu...
    Downloads: 0 This Week
    Last Update:
    See Project
  • 12
    Locaviewer

    Locaviewer

    Sistema de vídeo distribuido para Centros Infatiles

    Proyecto para la IV Edición del Desafío Tecnológico planteado en la ETSIIT de la Universidad de Granada. Nuestro grupo propone una solución para que padres puedan ver en tiempo real a sus hijos mientras se encuentran Centros Infantiles. Nuestro producto se diferencia de otros en el que el cambio de cámara es automático, realizando para ello una triangulación de los niños.
    Downloads: 0 This Week
    Last Update:
    See Project
  • 13
    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
  • 14
    OpenRAVE
    Moved to https://github.com/rdiankov/openrave An open-source, cross-platform, plugin-based robot planning environment for autonomous robotics. Includes services like collision detection, physics, (inverse) kinematics, sensors, robot controls, python bindings, and a network scripting environment.
    Downloads: 3 This Week
    Last Update:
    See Project
  • 15
    Stanford Machine Learning Course

    Stanford Machine Learning Course

    machine learning course programming exercise

    The Stanford Machine Learning Course Exercises repository contains programming assignments from the well-known Stanford Machine Learning online course. It includes implementations of a variety of fundamental algorithms using Python and MATLAB/Octave. The repository covers a broad set of topics such as linear regression, logistic regression, neural networks, clustering, support vector machines, and recommender systems. Each folder corresponds to a specific algorithm or concept, making it easy for learners to navigate and practice. The exercises serve as practical, hands-on reinforcement of theoretical concepts taught in the course. ...
    Downloads: 0 This Week
    Last Update:
    See Project
  • 16
    NeMo is a high-performance spiking neural network simulator which simulates networks of Izhikevich neurons on CUDA-enabled GPUs. NeMo is a C++ class library, with additional interfaces for pure C, Python, and Matlab.
    Downloads: 0 This Week
    Last Update:
    See Project
  • 17
    This is a c-library that provides tools for advanced analysis of electrophysiological data. It features denoising, unsupervised classification, time-frequency analysis, phase-space analysis, neural networks, time-warping and more.
    Downloads: 0 This Week
    Last Update:
    See Project
  • 18
    A neural network package for Octave! Goal is to be as compatible as possible to the one of MATLAB(TM).
    Downloads: 6 This Week
    Last Update:
    See Project
  • 19
    Face recognition using BPNN. Contains 1.Face recognition using Back propagation neural network (customize code) code using matlab. 2. Face recognition using Back propagation network (builtin) code using matlab.Project closed for now,Adeel Raza Azeemi
    Downloads: 0 This Week
    Last Update:
    See Project
  • 20
    Tool for visualizing artificial neural networks in Matlab using the Matlab Neural Network Toolbox (see wiki for details).
    Downloads: 0 This Week
    Last Update:
    See Project
  • 21
    An adaptive neural network and evolutionary algorithms approach to the machine learning tasks, based on the modular graph grammars. Tested on the "two spirals problem" and other tasks. Implemented in Matlab and C++.
    Downloads: 0 This Week
    Last Update:
    See Project
  • 22

    Speedy Composer

    Speedy Composer – Artificial Neural Network Melody Composer.

    Thank you for your interest in Speedy Composer. Speedy Composer is an automated application for composing melodies for Speedy Net members. We recently made changes to the source code of Speedy Net, and converted it into the Python language and Django framework. Since Speedy Composer was originally written in PHP, it is not adapted to work with Speedy Net in its current form. So unfortunately we were forced to temporarily close the app Speedy Composer. But don't worry, we kept backups of all...
    Downloads: 1 This Week
    Last Update:
    See Project
  • 23
    The project goal is to develop several IP cores that would implement artificial neural networks using FPGA resources. These cores will be designed in such a way to allow easy integration in the Xilinx EDK framework.
    Downloads: 0 This Week
    Last Update:
    See Project
  • 24
    SpiNet is a neural simulation tool for large spiking networks with highly heterogeneous synapses. Neurons are modelled as I&F units with dual exponential synaptic conductances. Complex network models can be easily built using the included tool NetBuilder
    Downloads: 0 This Week
    Last Update:
    See Project
  • 25
    This tool allows to compute LOLIMOT models. LOLIMOT models are also called neuro-fuzzy models or fast neural network models. This tool can export the model into C, C++, Matlab.
    Downloads: 0 This Week
    Last Update:
    See Project
  • Previous
  • You're on page 1
  • 2
  • Next