Showing 33 open source projects for "objective c for windows"

View related business solutions
  • Omnichannel contact center platform for enterprises. Icon
    Omnichannel contact center platform for enterprises.

    For Call centers or BPOs with a very high volume of calls

    Deliver a personalized customer experience with every interaction, across every channel, with uContact, net2phone’s cloud contact center solution.
  • ManageEngine Endpoint Central for IT Professionals Icon
    ManageEngine Endpoint Central for IT Professionals

    A one-stop Unified Endpoint Management (UEM) solution

    ManageEngine's Endpoint Central is a Unified Endpoint Management Solution, that takes care of enterprise mobility management (including all features of mobile application management and mobile device management), as well as client management for a diversified range of endpoints - mobile devices, laptops, computers, tablets, server machines etc. With ManageEngine Endpoint Central, users can automate their regular desktop management routines like distributing software, installing patches, managing IT assets, imaging and deploying OS, and more.
  • 1
    AlphaZero.jl

    AlphaZero.jl

    A generic, simple and fast implementation of Deepmind's AlphaZero

    Beyond its much publicized success in attaining superhuman level at games such as Chess and Go, DeepMind's AlphaZero algorithm illustrates a more general methodology of combining learning and search to explore large combinatorial spaces effectively. We believe that this methodology can have exciting applications in many different research areas. Because AlphaZero is resource-hungry, successful open-source implementations (such as Leela Zero) are written in low-level languages (such as C...
    Downloads: 50 This Week
    Last Update:
    See Project
  • 2
    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: 4 This Week
    Last Update:
    See Project
  • 3
    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
  • 4
    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...
    Downloads: 0 This Week
    Last Update:
    See Project
  • Innovate faster with enterprise-ready generative AI—enhanced by Gemini Icon
    Innovate faster with enterprise-ready generative AI—enhanced by Gemini

    Build, deploy, and scale machine learning (ML) models faster, with fully managed ML tools for any use case.

    Vertex AI offers everything you need to build and use generative AI—from AI solutions, to Search and Conversation, to 130+ foundation models, to a unified AI platform.
  • 5
    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...
    Downloads: 0 This Week
    Last Update:
    See Project
  • 6
    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...
    Downloads: 0 This Week
    Last Update:
    See Project
  • 7
    AdaNet

    AdaNet

    Fast and flexible AutoML with learning guarantees

    AdaNet is a TensorFlow framework for fast and flexible AutoML with learning guarantees. AdaNet is a lightweight TensorFlow-based framework for automatically learning high-quality models with minimal expert intervention. AdaNet builds on recent AutoML efforts to be fast and flexible while providing learning guarantees. Importantly, AdaNet provides a general framework for not only learning a neural network architecture but also for learning to the ensemble to obtain even better models. At each...
    Downloads: 1 This Week
    Last Update:
    See Project
  • 8
    Euler

    Euler

    A distributed graph deep learning framework.

    As a general data structure with strong expressive ability, graphs can be used to describe many problems in the real world, such as user networks in social scenarios, user and commodity networks in e-commerce scenarios, communication networks in telecom scenarios, and transaction networks in financial scenarios. and drug molecule networks in medical scenarios, etc. Data in the fields of text, speech, and images is easier to process into a grid-like type of Euclidean space, which is suitable...
    Downloads: 0 This Week
    Last Update:
    See Project
  • 9
    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: 1 This Week
    Last Update:
    See Project
  • Enterprise AI Search, Intranet, and Wiki in one platform. Icon
    Enterprise AI Search, Intranet, and Wiki in one platform.

    Your company’s all-in-one solution for trusted information

    Cut through the noise and end information overload with Guru, an all-in-one wiki, intranet, and knowledge base that serves as your company's single source of truth.
  • 10
    Grenade

    Grenade

    Deep Learning in Haskell

    Grenade is a composable, dependently typed, practical, and fast recurrent neural network library for concise and precise specifications of complex networks in Haskell. Because the types are so rich, there's no specific term level code required to construct this network; although it is of course possible and easy to construct and deconstruct the networks and layers explicitly oneself. Networks in Grenade can be thought of as a heterogeneous list of layers, where their type includes not only...
    Downloads: 1 This Week
    Last Update:
    See Project
  • 11

    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: 1 This Week
    Last Update:
    See Project
  • 12
    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: 3 This Week
    Last Update:
    See Project
  • 13
    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
  • 14

    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: 1 This Week
    Last Update:
    See Project
  • 15

    PINNLib

    Pseudo-inverse associative neural networks library

    C++ implementation of high-performance associative neural networks models based on pseudo-inverse learning rule, also known as projection rule or attractor-based rule
    Downloads: 1 This Week
    Last Update:
    See Project
  • 16
    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: 12 This Week
    Last Update:
    See Project
  • 17
    It's an object-oriented library written in C++ for creating arbitrary kind of neural networks. The user can use the classes provided to create neural network with arbitrary topology and mixed type of neurons. It's very easy add custom neurons.
    Downloads: 1 This Week
    Last Update:
    See Project
  • 18
    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: 2 This Week
    Last Update:
    See Project
  • 19

    FeedForwardNeuralNetworkC++

    Feedforward Neural Network writen in C++

    Feedforward Neural Network writen in C++ serial and parallelized in TBB library. Also using Autotune library for best parallel performance.
    Downloads: 0 This Week
    Last Update:
    See Project
  • 20
    This project is a Neural Network Training Library implemented on CUDA. It's compatible with the most used libraries but allows to exploit the full power of NVIDIA graphic cards. Experimental results show speed ups over 100 times against CPU libraries
    Downloads: 0 This Week
    Last Update:
    See Project
  • 21
    Flexible Neural Network Library written in 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
    Neural - is neural network engine with object-oriented design. Features: - Supports: backpropogation, RPROP algorithms. - Flexible input/outputs framework. - Distributed calculations.
    Downloads: 0 This Week
    Last Update:
    See Project
  • 24
    Imlementation of SOM (Self organizing networks) a neural network for IBM Cell Broadband Engine Architecture.
    Downloads: 1 This Week
    Last Update:
    See Project
  • 25

    SINCO - A Neural Network Library

    A Neural Network Library in C++ to implement multilayer perceptrons.

    SINCO is a GPL library with functions to implement Artificial Neural Networks simulators. You are free to define the network (ilimited neurons and layers) and the functions (training, threshold, etc.).
    Downloads: 3 This Week
    Last Update:
    See Project
  • Previous
  • You're on page 1
  • 2
  • Next