Showing 35 open source projects for "offline artificial intelligence\"

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

    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 secuirty. Auth0 now, thank yourself later.
    Try free now
  • Bright Data - All in One Platform for Proxies and Web Scraping Icon
    Bright Data - All in One Platform for Proxies and Web Scraping

    Say goodbye to blocks, restrictions, and CAPTCHAs

    Bright Data offers the highest quality proxies with automated session management, IP rotation, and advanced web unlocking technology. Enjoy reliable, fast performance with easy integration, a user-friendly dashboard, and enterprise-grade scaling. Powered by ethically-sourced residential IPs for seamless web scraping.
    Get Started
  • 1
    torchvision

    torchvision

    Datasets, transforms and models specific to Computer Vision

    The torchvision package consists of popular datasets, model architectures, and common image transformations for computer vision. We recommend Anaconda as Python package management system. Torchvision currently supports Pillow (default), Pillow-SIMD, which is a much faster drop-in replacement for Pillow with SIMD, if installed will be used as the default. Also, accimage, if installed can be activated by calling torchvision.set_image_backend('accimage'), libpng, which can be installed via...
    Downloads: 1 This Week
    Last Update:
    See Project
  • 2
    smclarify

    smclarify

    Fairness aware machine learning. Bias detection and mitigation

    Fairness Aware Machine Learning. Bias detection and mitigation for datasets and models. A facet is column or feature that will be used to measure bias against. A facet can have value(s) that designates that sample as "sensitive". Bias detection and mitigation for datasets and models. The label is a column or feature which is the target for training a machine learning model. The label can have value(s) that designates that sample as having a "positive" outcome. A bias measure is a function...
    Downloads: 0 This Week
    Last Update:
    See Project
  • 3
    DeepCTR-Torch

    DeepCTR-Torch

    Easy-to-use,Modular and Extendible package of deep-learning models

    DeepCTR-Torch is an easy-to-use, Modular and Extendible package of deep-learning-based CTR models along with lots of core components layers that can be used to build your own custom model easily.It is compatible with PyTorch.You can use any complex model with model.fit() and model.predict(). With the great success of deep learning, DNN-based techniques have been widely used in CTR estimation tasks. The data in the CTR estimation task usually includes high sparse,high cardinality categorical...
    Downloads: 0 This Week
    Last Update:
    See Project
  • 4
    SageMaker Hugging Face Inference Toolkit

    SageMaker Hugging Face Inference Toolkit

    Library for serving Transformers models on Amazon SageMaker

    SageMaker Hugging Face Inference Toolkit is an open-source library for serving Transformers models on Amazon SageMaker. This library provides default pre-processing, predict and postprocessing for certain Transformers models and tasks. It utilizes the SageMaker Inference Toolkit for starting up the model server, which is responsible for handling inference requests. For the Dockerfiles used for building SageMaker Hugging Face Containers, see AWS Deep Learning Containers. The SageMaker Hugging...
    Downloads: 0 This Week
    Last Update:
    See Project
  • Tigerpaw One | Business Automation Software for SMBs Icon
    Tigerpaw One | Business Automation Software for SMBs

    Fed up with not having the time, money and resources to grow your business?

    The only software you need to increase cash flow, optimize resource utilization, and take control of your assets and inventory.
    Learn More
  • 5
    SageMaker Training Toolkit

    SageMaker Training Toolkit

    Train machine learning models within Docker containers

    Train machine learning models within a Docker container using Amazon SageMaker. Amazon SageMaker is a fully managed service for data science and machine learning (ML) workflows. You can use Amazon SageMaker to simplify the process of building, training, and deploying ML models. To train a model, you can include your training script and dependencies in a Docker container that runs your training code. A container provides an effectively isolated environment, ensuring a consistent runtime and...
    Downloads: 0 This Week
    Last Update:
    See Project
  • 6
    AWS Deep Learning Containers

    AWS Deep Learning Containers

    A set of Docker images for training and serving models in TensorFlow

    AWS Deep Learning Containers (DLCs) are a set of Docker images for training and serving models in TensorFlow, TensorFlow 2, PyTorch, and MXNet. Deep Learning Containers provide optimized environments with TensorFlow and MXNet, Nvidia CUDA (for GPU instances), and Intel MKL (for CPU instances) libraries and are available in the Amazon Elastic Container Registry (Amazon ECR). The AWS DLCs are used in Amazon SageMaker as the default vehicles for your SageMaker jobs such as training, inference,...
    Downloads: 0 This Week
    Last Update:
    See Project
  • 7
    TensorFlow Model Garden

    TensorFlow Model Garden

    Models and examples built with TensorFlow

    The TensorFlow Model Garden is a repository with a number of different implementations of state-of-the-art (SOTA) models and modeling solutions for TensorFlow users. We aim to demonstrate the best practices for modeling so that TensorFlow users can take full advantage of TensorFlow for their research and product development. To improve the transparency and reproducibility of our models, training logs on TensorBoard.dev are also provided for models to the extent possible though not all models...
    Downloads: 0 This Week
    Last Update:
    See Project
  • 8
    ECLiPSe CLP

    ECLiPSe CLP

    ECLiPSe Constraint Logic Programming System

    The ECLiPSe Constraint Logic Programming System is designed for solving combinatorial optimization problems, for the development of new constraint solver technology and their hybrids, and for the teaching of modelling, solving and search techniques.
    Leader badge
    Downloads: 31 This Week
    Last Update:
    See Project
  • 9
    EcoLab
    EcoLab is a C++ based Agent Based Modelling system, with emphasis on high performance computing for scaling to large simulations.
    Downloads: 0 This Week
    Last Update:
    See Project
  • Secure Online Fax and Business Text Messaging Service Icon
    Secure Online Fax and Business Text Messaging Service

    Elevate your business communications with Notifyre's secure SMS and fax solutions.

    Send and receive SMS and fax online, from email, app or with our developer friendly SMS & fax API. HIPAA compliant & ISO 27001 certified. Outstanding value and 5-star service.
    Learn More
  • 10
    TensorFlow.js models

    TensorFlow.js models

    Pretrained models for TensorFlow.js

    This repository hosts a set of pre-trained models that have been ported to TensorFlow.js. The models are hosted on NPM and unpkg so they can be used in any project out of the box. They can be used directly or used in a transfer learning setting with TensorFlow.js. To find out about APIs for models, look at the README in each of the respective directories. In general, we try to hide tensors so the API can be used by non-machine learning experts. New models should have a test NPM script. You...
    Downloads: 0 This Week
    Last Update:
    See Project
  • 11
    Amazon SageMaker Examples

    Amazon SageMaker Examples

    Jupyter notebooks that demonstrate how to build models using SageMaker

    Welcome to Amazon SageMaker. This projects highlights example Jupyter notebooks for a variety of machine learning use cases that you can run in SageMaker. If you’re new to SageMaker we recommend starting with more feature-rich SageMaker Studio. It uses the familiar JupyterLab interface and has seamless integration with a variety of deep learning and data science environments and scalable compute resources for training, inference, and other ML operations. Studio offers teams and companies...
    Downloads: 0 This Week
    Last Update:
    See Project
  • 12
    PyText

    PyText

    A natural language modeling framework based on PyTorch

    PyText is a deep-learning based NLP modeling framework built on PyTorch. PyText addresses the often-conflicting requirements of enabling rapid experimentation and of serving models at scale. It achieves this by providing simple and extensible interfaces and abstractions for model components, and by using PyTorch’s capabilities of exporting models for inference via the optimized Caffe2 execution engine. We use PyText at Facebook to iterate quickly on new modeling ideas and then seamlessly...
    Downloads: 0 This Week
    Last Update:
    See Project
  • 13
    JAS-mine

    JAS-mine

    Toolkit for agent-based & dynamic microsimulation modelling

    JAS-mine is a Java platform that aims at providing a unique simulation tool for discrete-event simulations, including agent-based and microsimulation models. With the aim to develop large-scale, data-driven models, the main architectural choice of JAS-mine is to use whenever possible standard, open-source tools already available in the software development community. It has built-in utilities for communicating with an underlying relational database. In addition, the platform provides...
    Downloads: 0 This Week
    Last Update:
    See Project
  • 14
    Edward

    Edward

    A probabilistic programming language in TensorFlow

    A library for probabilistic modeling, inference, and criticism. Edward is a Python library for probabilistic modeling, inference, and criticism. It is a testbed for fast experimentation and research with probabilistic models, ranging from classical hierarchical models on small data sets to complex deep probabilistic models on large data sets. Edward fuses three fields, Bayesian statistics and machine learning, deep learning, and probabilistic programming. Edward is built on TensorFlow. It...
    Downloads: 0 This Week
    Last Update:
    See Project
  • 15
    Image classification models for Keras

    Image classification models for Keras

    Keras code and weights files for popular deep learning models

    All architectures are compatible with both TensorFlow and Theano, and upon instantiation the models will be built according to the image dimension ordering set in your Keras configuration file at ~/.keras/keras.json. For instance, if you have set image_dim_ordering=tf, then any model loaded from this repository will get built according to the TensorFlow dimension ordering convention, "Width-Height-Depth". Pre-trained weights can be automatically loaded upon instantiation (weights='imagenet'...
    Downloads: 0 This Week
    Last Update:
    See Project
  • 16
    GUAJE FUZZY

    GUAJE FUZZY

    Free software for generating understandable and accurate fuzzy systems

    GUAJE stands for Generating Understandable and Accurate fuzzy models in a Java Environment. Thus, it is a free software tool (licensed under GPL-v3) with the aim of supporting the design of interpretable and accurate fuzzy systems by means of combining several preexisting open source tools, taking profit from the main advantages of all of them. It is a user-friendly portable tool designed and developed in order to make easier knowledge extraction and representation for fuzzy systems, paying...
    Downloads: 0 This Week
    Last Update:
    See Project
  • 17
    C++ template library for modular construction of factored probabilistic time-series models, model trainers, and recognizers.
    Downloads: 0 This Week
    Last Update:
    See Project
  • 18
    StateChum
    This is a set of regular grammar inference libraries. It contains tools to visualise the resulting grammar as a finite state machine and to actively contribute to the inference process. The repository has now moved to https://github.com/kirilluk/statechum
    Downloads: 0 This Week
    Last Update:
    See Project
  • 19
    jFuzzyLogic is a java implementation of a Fuzzy Logic software package. It implements a complete Fuzzy inference system (FIS) as well as Fuzzy Control Logic compliance (FCL) according to IEC 61131-7 (formerly 1131-7).
    Leader badge
    Downloads: 45 This Week
    Last Update:
    See Project
  • 20

    NeuroSolutions: Formula Generator

    Utility converts the weights file of a MLP Breadboard into a formula

    The NeuroSolutions: Formula Generator utility converts the weights file of a default MLP breadboard (1-hidden layer with a TanhAxon in the hidden layer and either a TanhAxon or BiasAxon in the output layer) into a usable formula that can be copied and pasted into your own programs to compute the output of the trained neural network.
    Downloads: 0 This Week
    Last Update:
    See Project
  • 21
    Framework for creation of board games. Chess is built-in, Monopoly comes next. It addresses: 1) Players 2) Game authors 3) AI developers 4) Model-based developers. Developed by software professionals using EMF. New games are configured in few hours.
    Downloads: 0 This Week
    Last Update:
    See Project
  • 22

    EasyCP

    The easiest C++ way to deal with constraints !

    EasyCP is a modern, user-friendly C++ library that lets you use constraint programming in a very natural way, taking advantage of its expressive power. Just model and let the CSP (Constraint Satisfaction Problem) solver do the job !
    Downloads: 0 This Week
    Last Update:
    See Project
  • 23

    Cognidrome

    Knowledge-Based Simulation

    Downloads: 0 This Week
    Last Update:
    See Project
  • 24
    This project provides a set of Python tools for creating various kinds of neural networks, which can also be powered by genetic algorithms using grammatical evolution. MLP, backpropagation, recurrent, sparse, and skip-layer networks are supported.
    Downloads: 3 This Week
    Last Update:
    See Project
  • 25
    This is home of the Generic Object Role Modeling Meta-Model (gORMmm). This ORM metamodel is designed as a software independent ORM metamodel for software developers/researchers of first-order logic, conceptual modeling, and artificial intelligence.
    Downloads: 0 This Week
    Last Update:
    See Project
  • Previous
  • You're on page 1
  • 2
  • Next