Search Results for "artificial neural network python" - Page 12

Showing 576 open source projects for "artificial neural network python"

View related business solutions
  • 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
  • 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
  • 1
    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
  • 2
    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: 0 This Week
    Last Update:
    See Project
  • 3
    Easy-TensorFlow

    Easy-TensorFlow

    Simple and comprehensive tutorials in TensorFlow

    ... to the aforementioned points, the large community of TensorFlow enriches the developers with the answer to almost all the questions one may encounter. Furthermore, since most of the developers are using TensorFlow for code development, having hands-on on TensorFlow is a necessity these days. Tensorboard is a powerful visualization suite that is developed to track both the network topology and performance, making debugging even simpler.
    Downloads: 0 This Week
    Last Update:
    See Project
  • 4
    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: 11 This Week
    Last Update:
    See Project
  • 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
  • 5
    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: 1 This Week
    Last Update:
    See Project
  • 6
    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
  • 7
    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 instructions...
    Downloads: 115 This Week
    Last Update:
    See Project
  • 8
    howmanypeoplearearound

    howmanypeoplearearound

    Count the number of people around you by monitoring wifi signals

    howmanypeoplearearound calculates the number of people in the vicinity using the approximate number of smartphones as a proxy (since ~70% of people have smartphones nowadays). A cellphone is determined to be in proximity to the computer based on sniffing WiFi probe requests. Possible uses of howmanypeoplearearound include, monitoring foot traffic in your house with Raspberry Pis, seeing if your roommates are home, etc. There are a number of possible USB WiFi adapters that support monitor...
    Downloads: 0 This Week
    Last Update:
    See Project
  • 9
    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: 6 This Week
    Last Update:
    See Project
  • Deliver secure remote access with OpenVPN. Icon
    Deliver secure remote access with OpenVPN.

    Trusted by nearly 20,000 customers worldwide, and all major cloud providers.

    OpenVPN's products provide scalable, secure remote access — giving complete freedom to your employees to work outside the office while securely accessing SaaS, the internet, and company resources.
    Get started — no credit card required.
  • 10
    Video Nonlocal Net

    Video Nonlocal Net

    Non-local Neural Networks for Video Classification

    video-nonlocal-net implements Non-local Neural Networks for video understanding, adding long-range dependency modeling to 2D/3D ConvNet backbones. Non-local blocks compute attention-like responses across all positions in space-time, allowing a feature at one frame and location to aggregate information from distant frames and regions. This formulation improves action recognition and spatiotemporal reasoning, especially for classes requiring context beyond short temporal windows. The repo...
    Downloads: 0 This Week
    Last Update:
    See Project
  • 11
    InfoGAN

    InfoGAN

    Code for reproducing key results in the paper

    The InfoGAN repository contains the original implementation used to reproduce the results in the paper “InfoGAN: Interpretable Representation Learning by Information Maximizing Generative Adversarial Nets”. InfoGAN is a variant of the GAN (Generative Adversarial Network) architecture that aims to learn disentangled and interpretable latent representations by maximizing the mutual information between a subset of the latent codes and the generated outputs. That extra incentive encourages...
    Downloads: 4 This Week
    Last Update:
    See Project
  • 12
    Deepvoice3_pytorch

    Deepvoice3_pytorch

    PyTorch implementation of convolutional neural networks

    An open source implementation of Deep Voice 3: Scaling Text-to-Speech with Convolutional Sequence Learning.
    Downloads: 0 This Week
    Last Update:
    See Project
  • 13
    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: 2 This Week
    Last Update:
    See Project
  • 14
    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
  • 15

    NFZ-core

    Neural Network Multiplayer SImulation

    Multiplayer Shared Problem solving Neural Network AI Simulation, Chat / Speech Recognition / Customizable Identities / GUI Chat in real time with users and their developed AI Real time Simulation. NNET FANN Blockchain integration
    Downloads: 0 This Week
    Last Update:
    See Project
  • 16
    NimTorch

    NimTorch

    PyTorch - Python + Nim

    NimTorch is a deep learning library for the Nim programming language, providing bindings to PyTorch for efficient tensor computations and neural network functionalities.
    Downloads: 0 This Week
    Last Update:
    See Project
  • 17
    Verify authenticity of handwritten signatures through digital image processing and neural networks.
    Downloads: 0 This Week
    Last Update:
    See Project
  • 18

    Arabic Corpus

    Text categorization, arabic language processing, language modeling

    The Arabic Corpus {compiled by Dr. Mourad Abbas ( http://sites.google.com/site/mouradabbas9/corpora ) The corpus Khaleej-2004 contains 5690 documents. It is divided to 4 topics (categories). The corpus Watan-2004 contains 20291 documents organized in 6 topics (categories). Researchers who use these two corpora would mention the two main references: (1) For Watan-2004 corpus ---------------------- M. Abbas, K. Smaili, D. Berkani, (2011) Evaluation of Topic Identification Methods on...
    Leader badge
    Downloads: 9 This Week
    Last Update:
    See Project
  • 19
    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: 22 This Week
    Last Update:
    See Project
  • 20
    myOCR_chung

    myOCR_chung

    my OCR and neural network brain in freebasic

    myOCR brain chung is a small highly accurate OCR char recognition and Ann neural network brain example written in freebasic .
    Downloads: 0 This Week
    Last Update:
    See Project
  • 21
    Bender

    Bender

    Easily craft fast Neural Networks on iOS

    Bender allows you to easily define and run neural networks on your iOS apps, it uses Apple’s MetalPerformanceShaders under the hood. Bender provides the ease of use of CoreML with the flexibility of a modern ML framework. Bender allows you to run trained models, you can use Tensorflow, Keras, Caffe, the choice is yours. Either freeze the graph or export the weights to files. You can import a frozen graph directly from supported platforms or re-define the network structure and load the weights...
    Downloads: 0 This Week
    Last Update:
    See Project
  • 22
    DeepLearn

    DeepLearn

    Implementation of research papers on Deep Learning+ NLP+ CV in Python

    Welcome to DeepLearn. This repository contains an implementation of the following research papers on NLP, CV, ML, and deep learning. The required dependencies are mentioned in requirement.txt. I will also use dl-text modules for preparing the datasets. If you haven't use it, please do have a quick look at it. CV, transfer learning, representation learning.
    Downloads: 0 This Week
    Last Update:
    See Project
  • 23
    SLING

    SLING

    A natural language frame semantics parser

    The aim of the SLING project is to learn to read and understand Wikipedia articles in many languages for the purpose of knowledge base completion, e.g. adding facts mentioned in Wikipedia (and other sources) to the Wikidata knowledge base. We use frame semantics as a common representation for both knowledge representation and document annotation. The SLING parser can be trained to produce frame semantic representations of text directly without any explicit intervening linguistic...
    Downloads: 0 This Week
    Last Update:
    See Project
  • 24
    DIGITS

    DIGITS

    Deep Learning GPU training system

    The NVIDIA Deep Learning GPU Training System (DIGITS) puts the power of deep learning into the hands of engineers and data scientists. DIGITS can be used to rapidly train the highly accurate deep neural network (DNNs) for image classification, segmentation and object detection tasks. DIGITS simplifies common deep learning tasks such as managing data, designing and training neural networks on multi-GPU systems, monitoring performance in real-time with advanced visualizations, and selecting...
    Downloads: 0 This Week
    Last Update:
    See Project
  • 25
    Neural Network signal recognition rtlsdr

    Neural Network signal recognition rtlsdr

    Deep learning signal classification (recognition) using rtl-sdr dongle

    WARNING: Outdated version here. Everything has been moved to github: https://github.com/randaller/cnn-rtlsdr
    Downloads: 0 This Week
    Last Update:
    See Project
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.