Showing 65 open source projects for "evolving neural network"

View related business solutions
  • EBizCharge Payment Platform for Accounts Receivable Icon
    EBizCharge Payment Platform for Accounts Receivable

    Getting paid has never been easier.

    Don’t let unpaid invoices limit your business’s growth. EBizCharge plugs directly into the tools your business already uses to speed up payment collection.
  • AI-based, Comprehensive Service Management for Businesses and IT Providers Icon
    AI-based, Comprehensive Service Management for Businesses and IT Providers

    Modular solutions for change management, asset management and more

    ChangeGear provides IT staff with the functions required to manage everything from ticketing to incident, change and asset management and more. ChangeGear includes a virtual agent, self-service portals and AI-based features to support analyst and end user productivity.
  • 1
    Tiny CUDA Neural Networks

    Tiny CUDA Neural Networks

    Lightning fast C++/CUDA neural network framework

    This is a small, self-contained framework for training and querying neural networks. Most notably, it contains a lightning-fast "fully fused" multi-layer perceptron (technical paper), a versatile multiresolution hash encoding (technical paper), as well as support for various other input encodings, losses, and optimizers. We provide a sample application where an image function (x,y) -> (R,G,B) is learned. The fully fused MLP component of this framework requires a very large amount of shared...
    Downloads: 0 This Week
    Last Update:
    See Project
  • 2
    TensorRT

    TensorRT

    C++ library for high performance inference on NVIDIA GPUs

    NVIDIA® TensorRT™ is an SDK for high-performance deep learning inference. It includes a deep learning inference optimizer and runtime that delivers low latency and high throughput for deep learning inference applications. TensorRT-based applications perform up to 40X faster than CPU-only platforms during inference. With TensorRT, you can optimize neural network models trained in all major frameworks, calibrate for lower precision with high accuracy, and deploy to hyperscale data centers...
    Downloads: 13 This Week
    Last Update:
    See Project
  • 3
    ncnn

    ncnn

    High-performance neural network inference framework for mobile

    ncnn is a high-performance neural network inference computing framework designed specifically for mobile platforms. It brings artificial intelligence right at your fingertips with no third-party dependencies, and speeds faster than all other known open source frameworks for mobile phone cpu. ncnn allows developers to easily deploy deep learning algorithm models to the mobile platform and create intelligent APPs. It is cross-platform and supports most commonly used CNN networks, including...
    Downloads: 2 This Week
    Last Update:
    See Project
  • 4
    MIVisionX

    MIVisionX

    Set of comprehensive computer vision & machine intelligence libraries

    MIVisionX toolkit is a set of comprehensive computer vision and machine intelligence libraries, utilities, and applications bundled into a single toolkit. AMD MIVisionX delivers highly optimized open-source implementation of the Khronos OpenVX™ and OpenVX™ Extensions along with Convolution Neural Net Model Compiler & Optimizer supporting ONNX, and Khronos NNEF™ exchange formats. The toolkit allows for rapid prototyping and deployment of optimized computer vision and machine learning inference...
    Downloads: 1 This Week
    Last Update:
    See Project
  • Cybersecurity Management Software for MSPs Icon
    Cybersecurity Management Software for MSPs

    Secure your clients from cyber threats.

    Define and Deliver Comprehensive Cybersecurity Services. Security threats continue to grow, and your clients are most likely at risk. Small- to medium-sized businesses (SMBs) are targeted by 64% of all cyberattacks, and 62% of them admit lacking in-house expertise to deal with security issues. Now technology solution providers (TSPs) are a prime target. Enter ConnectWise Cybersecurity Management (formerly ConnectWise Fortify) — the advanced cybersecurity solution you need to deliver the managed detection and response protection your clients require. Whether you’re talking to prospects or clients, we provide you with the right insights and data to support your cybersecurity conversation. From client-facing reports to technical guidance, we reduce the noise by guiding you through what’s really needed to demonstrate the value of enhanced strategy.
  • 5
    oneDNN

    oneDNN

    oneAPI Deep Neural Network Library (oneDNN)

    This software was previously known as Intel(R) Math Kernel Library for Deep Neural Networks (Intel(R) MKL-DNN) and Deep Neural Network Library (DNNL). oneAPI Deep Neural Network Library (oneDNN) is an open-source cross-platform performance library of basic building blocks for deep learning applications. oneDNN is part of oneAPI. The library is optimized for Intel(R) Architecture Processors, Intel Processor Graphics and Xe Architecture graphics. oneDNN has experimental support for the following...
    Downloads: 0 This Week
    Last Update:
    See Project
  • 6
    TNN

    TNN

    Uniform deep learning inference framework for mobile

    TNN, a high-performance, lightweight neural network inference framework open sourced by Tencent Youtu Lab. It also has many outstanding advantages such as cross-platform, high performance, model compression, and code tailoring. The TNN framework further strengthens the support and performance optimization of mobile devices on the basis of the original Rapidnet and ncnn frameworks. At the same time, it refers to the high performance and good scalability characteristics of the industry's...
    Downloads: 0 This Week
    Last Update:
    See Project
  • 7
    YOLO ROS

    YOLO ROS

    YOLO ROS: Real-Time Object Detection for ROS

    This is a ROS package developed for object detection in camera images. You only look once (YOLO) is a state-of-the-art, real-time object detection system. In the following ROS package, you are able to use YOLO (V3) on GPU and CPU. The pre-trained model of the convolutional neural network is able to detect pre-trained classes including the data set from VOC and COCO, or you can also create a network with your own detection objects. The YOLO packages have been tested under ROS Noetic and Ubuntu...
    Downloads: 0 This Week
    Last Update:
    See Project
  • 8
    Neural Networks Collection

    Neural Networks Collection

    Neural Networks Collection

    This project implements in C++ a bunch of known Neural Networks. So far the project implements: LVQ in several variants, SOM in several variants, Hopfield network and Perceptron. Other neural network types are planned, but not implemented yet. The project can run in two modes: command line tool and Python 7.2 extension. Currently, Python version appears more functional, as it allows easy interaction with algorithms developed by other people.
    Downloads: 0 This Week
    Last Update:
    See Project
  • 9
    Euler

    Euler

    A distributed graph deep learning framework.

    ... for processing by existing deep learning models. Graph is a data type in non-Euclidean space and cannot be directly applied to existing methods, requiring a specially designed graph neural network system. Graph-based learning methods such as graph neural networks combine end-to-end learning with inductive reasoning, and are expected to solve a series of problems such as relational reasoning and interpretability that deep learning cannot handle.
    Downloads: 0 This Week
    Last Update:
    See Project
  • Cloud data warehouse to power your data-driven innovation Icon
    Cloud data warehouse to power your data-driven innovation

    BigQuery is a serverless and cost-effective enterprise data warehouse that works across clouds and scales with your data.

    BigQuery Studio provides a single, unified interface for all data practitioners of various coding skills to simplify analytics workflows from data ingestion and preparation to data exploration and visualization to ML model creation and use. It also allows you to use simple SQL to access Vertex AI foundational models directly inside BigQuery for text processing tasks, such as sentiment analysis, entity extraction, and many more without having to deal with specialized models.
  • 10
    DaNNet

    DaNNet

    Deep Artificial Neural Network framework using Armadillo

    DaNNet is a C++ deep neural network library using the Armadillo library as a base. It is intended to be a small and easy to use framework with no other dependencies than Armadillo. It uses independent layer-wise optimization giving you full flexibility to train your network.
    Downloads: 0 This Week
    Last Update:
    See Project
  • 11
    Simd

    Simd

    High performance image processing library in C++

    The Simd Library is a free open source image processing library, designed for C and C++ programmers. It provides many useful high performance algorithms for image processing such as: pixel format conversion, image scaling and filtration, extraction of statistic information from images, motion detection, object detection (HAAR and LBP classifier cascades) and classification, neural network. The algorithms are optimized with using of different SIMD CPU extensions. In particular the library...
    Leader badge
    Downloads: 21 This Week
    Last Update:
    See Project
  • 12
    Sudoku Game Solver Generator

    Sudoku Game Solver Generator

    Standalone Complete Sudoku puzzle Game Solver Generator for Windows

    ... on a Deep Neural Network. But I analyzed more than 100 scientific publications on Sudoku generation problem and have reduced the Deep Neural Network to a relatively simple and very elegant deterministic algorithm that works pretty fast. As a result, the app can generate Sudoku fields in 7 difficulty levels from 'Yellow Belt' to 'Sudoku Game Jedi Master'. The application supports Quick Start mode, see features below [QS Step 1] and [QS Step 2] (buttons in an application window).
    Downloads: 3 This Week
    Last Update:
    See Project
  • 13
    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: 6 This Week
    Last Update:
    See Project
  • 14

    OpenANN

    Basic Artificial Neural Network

    OpenANN is a basic artificial neural network toolset. It is not being actively maintained. For performance neural networking, consider an alternative (such as https://sourceforge.net/projects/openann-project or https://www.tensorflow.org)
    Downloads: 0 This Week
    Last Update:
    See Project
  • 15
    Kohonen neural network library is a set of classes and functions for design, train and use Kohonen network (self organizing map) which is one of AI algorithms and useful tool for data mining and discovery knowledge in data (http://knnl.sf.net).
    Downloads: 1 This Week
    Last Update:
    See Project
  • 16

    Random Bits Forest

    RBF: a Strong Classifier/Regressor for Big Data

    We present a classification and regression algorithm called Random Bits Forest (RBF). RBF integrates neural network (for depth), boosting (for wideness) and random forest (for accuracy). It first generates and selects ~10,000 small three-layer threshold random neural networks as basis by gradient boosting scheme. These binary basis are then feed into a modified random forest algorithm to obtain predictions. In conclusion, RBF is a novel framework that performs strongly especially on data...
    Downloads: 0 This Week
    Last Update:
    See Project
  • 17
    nunn

    nunn

    This is an implementation of a machine learning library in C++17

    nunn is a collection of ML algorithms and related examples written in modern C++17.
    Downloads: 0 This Week
    Last Update:
    See Project
  • 18

    LightSpeedANN

    Generator for optimized, vectorized neural net code

    This Ruby program takes in a topology specification for an artificial neural network and emits optimized C code (using SSE intrinsics) that implements fast forward and backward propagation for that specific topology.
    Downloads: 0 This Week
    Last Update:
    See Project
  • 19

    ANNGD

    Artificial neural network gender detection

    ANNGD is a artificial neural network gender detection application. The detection is made in real time images captured by webcam by opencv library. The package include applications to image pre-processing and artificial neural network back-propagation training.
    Downloads: 0 This Week
    Last Update:
    See Project
  • 20

    neuranep

    Neural Network Engineering Platform

    ... sensory activity, etc. NeuraNEP handles microthread scheduling, synchronization, distribution and communication. This project is a fork of SpikeOS (sourceforge.net/projects/spikeos) and represents a major update to that code base, including a scripting interface and low-level rewrite of several components. SpikeOS was oriented towards computational modeling. NeuraNEP is oriented toward neural network research.
    Downloads: 0 This Week
    Last Update:
    See Project
  • 21

    CURRENNT

    CUDA-enabled machine learning library for recurrent neural networks

    CURRENNT is a machine learning library for Recurrent Neural Networks (RNNs) which uses NVIDIA graphics cards to accelerate the computations. The library implements uni- and bidirectional Long Short-Term Memory (LSTM) architectures and supports deep networks as well as very large data sets that do not fit into main memory.
    Downloads: 0 This Week
    Last Update:
    See Project
  • 22
    Fast Artificial Neural Network Library is a free open source neural network library, which implements multilayer artificial neural networks in C with support for both fully connected and sparsely connected networks. Cross-platform execution in both fixed and floating point are supported. It includes a framework for easy handling of training data sets. It is easy to use, versatile, well documented, and fast. Bindings to more than 15 programming languages are available. An easy to read...
    Downloads: 11 This Week
    Last Update:
    See Project
  • 23
    cCNN

    cCNN

    A fast implementation of LeCun's convolutional neural network

    Code of this library is partialy based on myCNN MATLAB class written by Nikolay Chemurin.
    Downloads: 0 This Week
    Last Update:
    See Project
  • 24
    RNNLIB is a recurrent neural network library for sequence learning problems. Applicable to most types of spatiotemporal data, it has proven particularly effective for speech and handwriting recognition. full installation and usage instructions given at http://sourceforge.net/p/rnnl/wiki/Home/
    Downloads: 0 This Week
    Last Update:
    See Project
  • 25
    OpenAIL

    OpenAIL

    Open Artificial Intelligence Library

    [Open Artificial Intelligence Library]. This library main goal is to provide a tool box to those who want to use algorithm such as neural network or genetics Algorithm and all algorithms that are commonly within the Artificial Intelligence field.
    Downloads: 0 This Week
    Last Update:
    See Project
  • Previous
  • You're on page 1
  • 2
  • 3
  • Next