Search Results for "the bp neural network" - Page 5

Showing 343 open source projects for "the bp neural network"

View related business solutions
  • Achieve perfect load balancing with a flexible Open Source Load Balancer Icon
    Achieve perfect load balancing with a flexible Open Source Load Balancer

    Take advantage of Open Source Load Balancer to elevate your business security and IT infrastructure with a custom ADC Solution.

    Boost application security and continuity with SKUDONET ADC, our Open Source Load Balancer, that maximizes IT infrastructure flexibility. Additionally, save up to $470 K per incident with AI and SKUDONET solutions, further enhancing your organization’s risk management and cost-efficiency strategies.
  • Find out just how much your login box can do for your customer | Auth0 Icon
    Find out just how much your login box can do for your customer | Auth0

    With over 53 social login options, you can fast-track the signup and login experience for users.

    From improving customer experience through seamless sign-on to making MFA as easy as a click of a button – your login box must find the right balance between user convenience, privacy and security.
  • 1

    BP

    Web application for restaurants to build pages

    A web application that allows for restaurants to build pages describing their businesses and manage inventory.
    Downloads: 1 This Week
    Last Update:
    See Project
  • 2
    Computer Vision Pretrained Models

    Computer Vision Pretrained Models

    A collection of computer vision pre-trained models

    ... was built on ImageNet data to identify images in those pictures. The model generates bounding boxes and segmentation masks for each instance of an object in the image. It's based on Feature Pyramid Network (FPN) and a ResNet101 backbone. TensorFlow implementation of 'YOLO: Real-Time Object Detection', with training and an actual support for real-time running on mobile devices. MobileNets trade off between latency, size and accuracy while comparing favorably with popular models from the literature.
    Downloads: 0 This Week
    Last Update:
    See Project
  • 3
    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: 0 This Week
    Last Update:
    See Project
  • 4
    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: 1 This Week
    Last Update:
    See Project
  • Top-Rated Free CRM Software Icon
    Top-Rated Free CRM Software

    216,000+ customers in over 135 countries grow their businesses with HubSpot

    HubSpot is an AI-powered customer platform with all the software, integrations, and resources you need to connect your marketing, sales, and customer service. HubSpot's connected platform enables you to grow your business faster by focusing on what matters most: your customers.
  • 5
    SwiftOCR

    SwiftOCR

    Fast and simple OCR library written in Swift

    SwiftOCR is a fast and simple OCR library written in Swift. It uses a neural network for image recognition. As of now, SwiftOCR is optimized for recognizing short, one-line long alphanumeric codes (e.g. DI4C9CM). We currently support iOS and OS X. If you want to recognize normal text like a poem or a news article, go with Tesseract, but if you want to recognize short, alphanumeric codes (e.g. gift cards), I would advise you to choose SwiftOCR because that's where it exceeds. Tesseract...
    Downloads: 3 This Week
    Last Update:
    See Project
  • 6
    Olivia

    Olivia

    Your new best friend powered by an artificial neural network

    Olivia is an open-source chatbot built in Golang using Machine Learning technologies. Its goal is to provide a free and open-source alternative to big services like DialogFlow. You can chat with her by speaking (STT) or writing, she replies with a text message but you can enable her voice (TTS). Olivia can listen to you by saying “Hey Olivia” or clicking on the central button. She speaks to reply to you unless you've disabled her voice. Olivia respects your privacy. All the data used by...
    Downloads: 0 This Week
    Last Update:
    See Project
  • 7
    NLP Best Practices

    NLP Best Practices

    Natural Language Processing Best Practices & Examples

    In recent years, natural language processing (NLP) has seen quick growth in quality and usability, and this has helped to drive business adoption of artificial intelligence (AI) solutions. In the last few years, researchers have been applying newer deep learning methods to NLP. Data scientists started moving from traditional methods to state-of-the-art (SOTA) deep neural network (DNN) algorithms which use language models pretrained on large text corpora. This repository contains examples...
    Downloads: 0 This Week
    Last Update:
    See Project
  • 8
    Affine Transformation of Virtual Object

    Affine Transformation of Virtual Object

    Transformation virtual 3D object using a finger gesture-based system

    Affine transformation virtual 3D object using a finger gesture-based interactive system in the virtual environment. A convolutional neural network (CNN) based thumb and index fingertip detection system are presented here for seamless interaction with a virtual 3D object in the virtual environment. First, a two-stage CNN is employed to detect the hand and fingertips, and using the information of the fingertip position, the scale, rotation, translation, and in general, the affine transformation...
    Downloads: 0 This Week
    Last Update:
    See Project
  • 9
    textgenrnn

    textgenrnn

    Easily train your own text-generating neural network

    With textgenrnn you can easily train your own text-generating neural network of any size and complexity on any text dataset with a few lines of code. A modern neural network architecture that utilizes new techniques as attention-weighting and skip-embedding to accelerate training and improve model quality. Train on and generate text at either the character-level or word-level. Configure RNN size, the number of RNN layers, and whether to use bidirectional RNNs. Train on any generic input text...
    Downloads: 0 This Week
    Last Update:
    See Project
  • Case Management Software for Social Services Icon
    Case Management Software for Social Services

    For human services organizations looking for case management software

    Collaborate is customizable case management software for non-profits and social services agencies with teams of 5+ staff.
  • 10
    PyTorch Natural Language Processing

    PyTorch Natural Language Processing

    Basic Utilities for PyTorch Natural Language Processing (NLP)

    PyTorch-NLP is a library for Natural Language Processing (NLP) in Python. It’s built with the very latest research in mind, and was designed from day one to support rapid prototyping. PyTorch-NLP comes with pre-trained embeddings, samplers, dataset loaders, metrics, neural network modules and text encoders. It’s open-source software, released under the BSD3 license. With your batch in hand, you can use PyTorch to develop and train your model using gradient descent. For example, check out...
    Downloads: 0 This Week
    Last Update:
    See Project
  • 11
    Deep Learning with PyTorch

    Deep Learning with PyTorch

    Latest techniques in deep learning and representation learning

    This course concerns the latest techniques in deep learning and representation learning, focusing on supervised and unsupervised deep learning, embedding methods, metric learning, convolutional and recurrent nets, with applications to computer vision, natural language understanding, and speech recognition. The prerequisites include DS-GA 1001 Intro to Data Science or a graduate-level machine learning course. To be able to follow the exercises, you are going to need a laptop with Miniconda (a...
    Downloads: 1 This Week
    Last Update:
    See Project
  • 12
    NiftyNet

    NiftyNet

    An open-source convolutional neural networks platform for research

    An open-source convolutional neural networks platform for medical image analysis and image-guided therapy. NiftyNet is a TensorFlow-based open-source convolutional neural networks (CNNs) platform for research in medical image analysis and image-guided therapy. NiftyNet’s modular structure is designed for sharing networks and pre-trained models. Using this modular structure you can get started with established pre-trained networks using built-in tools. Adapt existing networks to your imaging...
    Downloads: 0 This Week
    Last Update:
    See Project
  • 13
    captcha_break

    captcha_break

    Identification codes

    This project will use Keras to build a deep convolutional neural network to identify the captcha verification code. It is recommended to use a graphics card to run the project. The following visualization codes are jupyter notebookall done in . If you want to write a python script, you can run it normally with a little modification. Of course, you can also remove these visualization codes. captcha is a library written in python to generate verification codes. It supports image verification...
    Downloads: 0 This Week
    Last Update:
    See Project
  • 14
    ChainerCV

    ChainerCV

    ChainerCV: a Library for Deep Learning in Computer Vision

    ChainerCV is a collection of tools to train and run neural networks for computer vision tasks using Chainer. In ChainerCV, we define the object detection task as a problem of, given an image, bounding box-based localization and categorization of objects. Bounding boxes in an image are represented as a two-dimensional array of shape (R,4), where R is the number of bounding boxes and the second axis corresponds to the coordinates of bounding boxes. ChainerCV supports dataset loaders, which can...
    Downloads: 0 This Week
    Last Update:
    See Project
  • 15
    CakeChat

    CakeChat

    CakeChat: Emotional Generative Dialog System

    CakeChat is a backend for chatbots that are able to express emotions via conversations. The code is flexible and allows to condition model's responses by an arbitrary categorical variable. For example, you can train your own persona-based neural conversational model or create an emotional chatting machine. Hierarchical Recurrent Encoder-Decoder (HRED) architecture for handling deep dialog context. Multilayer RNN with GRU cells. The first layer of the utterance-level encoder is always...
    Downloads: 1 This Week
    Last Update:
    See Project
  • 16

    Multidimensional Neural Network

    Multidimensional Neural Network

    In Fully Connected Backpropagation Neural Networks, with many layers and many neurons in layers there is problem known as Gradient Vanishing Problem. Solution to lower its magnitude is to use Not Fully Connected Neural Network, when that is the case than with which neurons from previous layer neuron is connected has to be considered. The simplest solution would be to use Cartesian Coordinate System, and treat layers as one dimensional lines or two dimensional rectangles or three, four, five...
    Downloads: 0 This Week
    Last Update:
    See Project
  • 17
    TenorSpace.js

    TenorSpace.js

    Neural network 3D visualization framework

    TensorSpace is a neural network 3D visualization framework built using TensorFlow.js, Three.js and Tween.js. TensorSpace provides Keras-like APIs to build deep learning layers, load pre-trained models, and generate a 3D visualization in the browser. From TensorSpace, it is intuitive to learn what the model structure is, how the model is trained and how the model predicts the results based on the intermediate information. After preprocessing the model, TensorSpace supports the visualization...
    Downloads: 0 This Week
    Last Update:
    See Project
  • 18
    NeuralCoref

    NeuralCoref

    Fast Coreference Resolution in spaCy with Neural Networks

    NeuralCoref is a pipeline extension for spaCy 2.1+ which annotates and resolves coreference clusters using a neural network. NeuralCoref is production-ready, integrated in spaCy's NLP pipeline and extensible to new training datasets. For a brief introduction to coreference resolution and NeuralCoref, please refer to our blog post. NeuralCoref is written in Python/Cython and comes with a pre-trained statistical model for English only. NeuralCoref is accompanied by a visualization client...
    Downloads: 0 This Week
    Last Update:
    See Project
  • 19
    NeuroNER

    NeuroNER

    Named-entity recognition using neural networks

    ...-platform, open source, freely available, and straightforward to use. Enables the users to create or modify annotations for a new or existing corpus. Train the neural network that performs the NER. During the training, NeuroNER allows monitoring of the network. Evaluate the quality of the predictions made by NeuroNER. The performance metrics can be calculated and plotted by comparing the predicted labels with the gold labels.
    Downloads: 0 This Week
    Last Update:
    See Project
  • 20
    midipiano_chung
    ... and uses fbsound(freebasic). Can run on a small netbook . Autochord , themeonly, learn (automatic chord learning from played data) functions added to recorder/player .( auto adds/replace chords to any music melody ). can record and export to midifiles. included brainpiano_chung a version with neural network brain autochord trial. (it really adds chords) included brainpiano2_chung version with custom neural network music generator . amazing brainpiano3_chung added quantize trial added to recorder
    Downloads: 2 This Week
    Last Update:
    See Project
  • 21
    NN-SVG

    NN-SVG

    Publication-ready NN-architecture schematics

    Illustrations of Neural Network architectures are often time-consuming to produce, and machine learning researchers all too often find themselves constructing these diagrams from scratch by hand. NN-SVG is a tool for creating Neural Network (NN) architecture drawings parametrically rather than manually. It also provides the ability to export those drawings to Scalable Vector Graphics (SVG) files, suitable for inclusion in academic papers or web pages. The tool provides the ability to generate...
    Downloads: 3 This Week
    Last Update:
    See Project
  • 22
    LabelImg

    LabelImg

    Graphical image annotation tool and label object bounding boxes

    LabelImg is a graphical image annotation tool. It is written in Python and uses Qt for its graphical interface. Annotations are saved as XML files in PASCAL VOC format, the format used by ImageNet. Besides, it also supports YOLO and CreateML formats. Linux/Ubuntu/Mac requires at least Python 2.6 and has been tested with PyQt 4.8. However, Python 3 or above and PyQt5 are strongly recommended. Virtualenv can avoid a lot of the QT / Python version issues. Build and launch using the...
    Downloads: 111 This Week
    Last Update:
    See Project
  • 23
    Tensorpack

    Tensorpack

    A Neural Net Training Interface on TensorFlow, with focus on speed

    Tensorpack is a neural network training interface based on TensorFlow v1. Uses TensorFlow in the efficient way with no extra overhead. On common CNNs, it runs training 1.2~5x faster than the equivalent Keras code. Your training can probably gets faster if written with Tensorpack. Scalable data-parallel multi-GPU / distributed training strategy is off-the-shelf to use. Squeeze the best data loading performance of Python with tensorpack.dataflow. Symbolic programming (e.g. tf.data) does not offer...
    Downloads: 0 This Week
    Last Update:
    See Project
  • 24
    PlotNeuralNet

    PlotNeuralNet

    Latex code for making neural networks diagrams

    Latex code for drawing neural networks for reports and presentations. Have a look into examples to see how they are made. Additionally, let's consolidate any improvements that you make and fix any bugs to help more people with this code.
    Downloads: 1 This Week
    Last Update:
    See Project
  • 25
    brain.js

    brain.js

    GPU accelerated Neural networks in JavaScript for Browsers

    ... Networks in detail to work with this. Brain.js performs computations using GPU and gracefully fallback to pure JavaScript when GPU is not available. Brain.js provides multiple neural network implementations as different neural nets can be trained to do different things well. Easily export and import trained models using JSON format or as a function. Host pre-trained models on your website easily.
    Downloads: 1 This Week
    Last Update:
    See Project