Alternatives to SHARK
Compare SHARK alternatives for your business or organization using the curated list below. SourceForge ranks the best alternatives to SHARK in 2024. Compare features, ratings, user reviews, pricing, and more from SHARK competitors and alternatives in order to make an informed decision for your business.
-
1
Torch
Torch
Torch is a scientific computing framework with wide support for machine learning algorithms that puts GPUs first. It is easy to use and efficient, thanks to an easy and fast scripting language, LuaJIT, and an underlying C/CUDA implementation. The goal of Torch is to have maximum flexibility and speed in building your scientific algorithms while making the process extremely simple. Torch comes with a large ecosystem of community-driven packages in machine learning, computer vision, signal processing, parallel processing, image, video, audio and networking among others, and builds on top of the Lua community. At the heart of Torch are the popular neural network and optimization libraries which are simple to use, while having maximum flexibility in implementing complex neural network topologies. You can build arbitrary graphs of neural networks, and parallelize them over CPUs and GPUs in an efficient manner. -
2
Neural Designer
Artelnics
Neural Designer is a powerful software tool for developing and deploying machine learning models. It provides a user-friendly interface that allows users to build, train, and evaluate neural networks without requiring extensive programming knowledge. With a wide range of features and algorithms, Neural Designer simplifies the entire machine learning workflow, from data preprocessing to model optimization. In addition, it supports various data types, including numerical, categorical, and text, making it versatile for domains. Additionally, Neural Designer offers automatic model selection and hyperparameter optimization, enabling users to find the best model for their data with minimal effort. Finally, its intuitive visualizations and comprehensive reports facilitate interpreting and understanding the model's performance.Starting Price: $2495/year (per user) -
3
Fido
Fido
Fido is a light-weight, open-source, and highly modular C++ machine learning library. The library is targeted towards embedded electronics and robotics. Fido includes implementations of trainable neural networks, reinforcement learning methods, genetic algorithms, and a full-fledged robotic simulator. Fido also comes packaged with a human-trainable robot control system as described in Truell and Gruenstein. While the simulator is not in the most recent release, it can be found for experimentation on the simulator branch. -
4
Supervisely
Supervisely
The leading platform for entire computer vision lifecycle. Iterate from image annotation to accurate neural networks 10x faster. With our best-in-class data labeling tools transform your images / videos / 3d point cloud into high-quality training data. Train your models, track experiments, visualize and continuously improve model predictions, build custom solution within the single environment. Our self-hosted solution guaranties data privacy, powerful customization capabilities, and easy integration into your technology stack. A turnkey solution for Computer Vision: multi-format data annotation & management, quality control at scale and neural networks training in end-to-end platform. Inspired by professional video editing software, created by data scientists for data scientists — the most powerful video labeling tool for machine learning and more. -
5
Accord.NET Framework
Accord.NET Framework
The Accord.NET Framework is a .NET machine learning framework combined with audio and image processing libraries completely written in C#. It is a complete framework for building production-grade computer vision, computer audition, signal processing and statistics applications even for commercial use. A comprehensive set of sample applications provide a fast start to get up and running quickly, and an extensive documentation and wiki helps fill in the details. -
6
DataMelt
jWork.ORG
DataMelt (or "DMelt") is an environment for numeric computation, data analysis, data mining, computational statistics, and data visualization. DataMelt can be used to plot functions and data in 2D and 3D, perform statistical tests, data mining, numeric computations, function minimization, linear algebra, solving systems of linear and differential equations. Linear, non-linear and symbolic regression are also available. Neural networks and various data-manipulation methods are integrated using Java API. Elements of symbolic computations using Octave/Matlab scripting are supported. DataMelt is a computational environment for Java platform. It can be used with different programming languages on different operating systems. Unlike other statistical programs, it is not limited to a single programming language. This software combines the world's most-popular enterprise language, Java, with the most popular scripting language used in data science, such as Jython (Python), Groovy, JRuby.Starting Price: $0 -
7
AForge.NET
AForge.NET
AForge.NET is an open source C# framework designed for developers and researchers in the fields of Computer Vision and Artificial Intelligence - image processing, neural networks, genetic algorithms, fuzzy logic, machine learning, robotics, etc. The work on the framework's improvement is in constants progress, what means that new feature and namespaces are coming constantly. To get knowledge about its progress you may track source repository's log or visit project discussion group to get the latest information about it. The framework is provided not only with different libraries and their sources, but with many sample applications, which demonstrate the use of this framework, and with documentation help files, which are provided in HTML Help format. -
8
Neural Magic
Neural Magic
GPUs bring data in and out quickly, but have little locality of reference because of their small caches. They are geared towards applying a lot of compute to little data, not little compute to a lot of data. The networks designed to run on them therefore execute full layer after full layer in order to saturate their computational pipeline (see Figure 1 below). In order to deal with large models, given their small memory size (tens of gigabytes), GPUs are grouped together and models are distributed across them, creating a complex and painful software stack, complicated by the need to deal with many levels of communication and synchronization among separate machines. CPUs, on the other hand, have large, much faster caches than GPUs, and have an abundance of memory (terabytes). A typical CPU server can have memory equivalent to tens or even hundreds of GPUs. CPUs are perfect for a brain-like ML world in which parts of an extremely large network are executed piecemeal, as needed. -
9
NVIDIA Modulus
NVIDIA
NVIDIA Modulus is a neural network framework that blends the power of physics in the form of governing partial differential equations (PDEs) with data to build high-fidelity, parameterized surrogate models with near-real-time latency. Whether you’re looking to get started with AI-driven physics problems or designing digital twin models for complex non-linear, multi-physics systems, NVIDIA Modulus can support your work. Offers building blocks for developing physics machine learning surrogate models that combine both physics and data. The framework is generalizable to different domains and use cases—from engineering simulations to life sciences and from forward simulations to inverse/data assimilation problems. Provides parameterized system representation that solves for multiple scenarios in near real time, letting you train once offline to infer in real time repeatedly. -
10
Chainer
Chainer
A powerful, flexible, and intuitive framework for neural networks. Chainer supports CUDA computation. It only requires a few lines of code to leverage a GPU. It also runs on multiple GPUs with little effort. Chainer supports various network architectures including feed-forward nets, convnets, recurrent nets and recursive nets. It also supports per-batch architectures. Forward computation can include any control flow statements of Python without lacking the ability of backpropagation. It makes code intuitive and easy to debug. Comes with ChainerRLA, a library that implements various state-of-the-art deep reinforcement algorithms. Also, with ChainerCVA, a collection of tools to train and run neural networks for computer vision tasks. Chainer supports CUDA computation. It only requires a few lines of code to leverage a GPU. It also runs on multiple GPUs with little effort. -
11
Microsoft Cognitive Toolkit
Microsoft
The Microsoft Cognitive Toolkit (CNTK) is an open-source toolkit for commercial-grade distributed deep learning. It describes neural networks as a series of computational steps via a directed graph. CNTK allows the user to easily realize and combine popular model types such as feed-forward DNNs, convolutional neural networks (CNNs) and recurrent neural networks (RNNs/LSTMs). CNTK implements stochastic gradient descent (SGD, error backpropagation) learning with automatic differentiation and parallelization across multiple GPUs and servers. CNTK can be included as a library in your Python, C#, or C++ programs, or used as a standalone machine-learning tool through its own model description language (BrainScript). In addition you can use the CNTK model evaluation functionality from your Java programs. CNTK supports 64-bit Linux or 64-bit Windows operating systems. To install you can either choose pre-compiled binary packages, or compile the toolkit from the source provided in GitHub. -
12
Build your deep learning project quickly on Google Cloud: Quickly prototype with a portable and consistent environment for developing, testing, and deploying your AI applications with Deep Learning Containers. These Docker images use popular frameworks and are performance optimized, compatibility tested, and ready to deploy. Deep Learning Containers provide a consistent environment across Google Cloud services, making it easy to scale in the cloud or shift from on-premises. You have the flexibility to deploy on Google Kubernetes Engine (GKE), AI Platform, Cloud Run, Compute Engine, Kubernetes, and Docker Swarm.
-
13
Automaton AI
Automaton AI
With Automaton AI’s ADVIT, create, manage and develop high-quality training data and DNN models all in one place. Optimize the data automatically and prepare it for each phase of the computer vision pipeline. Automate the data labeling processes and streamline data pipelines in-house. Manage the structured and unstructured video/image/text datasets in runtime and perform automatic functions that refine your data in preparation for each step of the deep learning pipeline. Upon accurate data labeling and QA, you can train your own model. DNN training needs hyperparameter tuning like batch size, learning, rate, etc. Optimize and transfer learning on trained models to increase accuracy. Post-training, take the model to production. ADVIT also does model versioning. Model development and accuracy parameters can be tracked in run-time. Increase the model accuracy with a pre-trained DNN model for auto-labeling. -
14
Neuton AutoML
Neuton.AI
Neuton, a no-code AutoML solution, makes Machine Learning available to everyone. Explore data insights and make predictions leveraging Automated Artificial Intelligence. • NO coding • NO need for technical skills • NO need for data science knowledge Neuton provides comprehensive Explainability Office©, a unique set of tools that allow users to evaluate model quality at every stage, identify the logic behind the model analysis, understand why certain predictions have been made. • Exploratory Data Analysis • Feature Importance Matrix with class granularity • Model Interpreter • Feature Influence Matrix • Model-to-Data Relevance Indicators historical and for every prediction • Model Quality Index • Confidence Interval • Extensive list of supported metrics with Radar Diagram Neuton enables users to implement ML in days instead of months.Starting Price: $0 -
15
PyTorch
PyTorch
Transition seamlessly between eager and graph modes with TorchScript, and accelerate the path to production with TorchServe. Scalable distributed training and performance optimization in research and production is enabled by the torch-distributed backend. A rich ecosystem of tools and libraries extends PyTorch and supports development in computer vision, NLP and more. PyTorch is well supported on major cloud platforms, providing frictionless development and easy scaling. Select your preferences and run the install command. Stable represents the most currently tested and supported version of PyTorch. This should be suitable for many users. Preview is available if you want the latest, not fully tested and supported, 1.10 builds that are generated nightly. Please ensure that you have met the prerequisites (e.g., numpy), depending on your package manager. Anaconda is our recommended package manager since it installs all dependencies. -
16
NeuroIntelligence
ALYUDA
NeuroIntelligence is a neural networks software application designed to assist neural network, data mining, pattern recognition, and predictive modeling experts in solving real-world problems. NeuroIntelligence features only proven neural network modeling algorithms and neural net techniques; software is fast and easy-to-use. Visualized architecture search, neural network training and testing. Neural network architecture search, fitness bars, network training graphs comparison. Training graphs, dataset error, network error, weights and errors distribution, neural network input importance. Testing, actual vs. output graph, scatter plot, response graph, ROC curve, confusion matrix. The interface of NeuroIntelligence is optimized to solve data mining, forecasting, classification and pattern recognition problems. You can create a better solution much faster using the tool's easy-to-use GUI and unique time-saving capabilities.Starting Price: $497 per user -
17
Neuri
Neuri
We conduct and implement cutting-edge research on artificial intelligence to create real advantage in financial investment. Illuminating the financial market with ground-breaking neuro-prediction. We combine novel deep reinforcement learning algorithms and graph-based learning with artificial neural networks for modeling and predicting time series. Neuri strives to generate synthetic data emulating the global financial markets, testing it with complex simulations of trading behavior. We bet on the future of quantum optimization in enabling our simulations to surpass the limits of classical supercomputing. Financial markets are highly fluid, with dynamics evolving over time. As such we build AI algorithms that adapt and learn continuously, in order to uncover the connections between different financial assets, classes and markets. The application of neuroscience-inspired models, quantum algorithms and machine learning to systematic trading at this point is underexplored. -
18
Synaptic
Synaptic
Neurons are the basic unit of the neural network. They can be connected to another neuron or gate connections between other neurons. This allows you to create complex and flexible architectures. Trainers can take any given network regardless of its architecture and use any training set. It includes built-in tasks to test networks, like learning an XOR, completing a Discrete Sequence Recall task or an Embeded Reber Grammar test. Networks can be imported/exported to JSON, converted to workers or standalone functions. They can be connected to other networks or gate connections. The Architect includes built-in useful architectures such as multilayer perceptrons, multilayer long short-term memory networks (LSTM), liquid state machines and Hopfield networks. Networks can also be optimized, extended, exported to JSON, converted to Workers or standalone Functions, and cloned. A network can project a connection to another, or gate a connection between two others networks. -
19
Deci
Deci AI
Easily build, optimize, and deploy fast & accurate models with Deci’s deep learning development platform powered by Neural Architecture Search. Instantly achieve accuracy & runtime performance that outperform SoTA models for any use case and inference hardware. Reach production faster with automated tools. No more endless iterations and dozens of different libraries. Enable new use cases on resource-constrained devices or cut up to 80% of your cloud compute costs. Automatically find accurate & fast architectures tailored for your application, hardware and performance targets with Deci’s NAS based AutoNAC engine. Automatically compile and quantize your models using best-of-breed compilers and quickly evaluate different production settings. Automatically compile and quantize your models using best-of-breed compilers and quickly evaluate different production settings. -
20
MXNet
The Apache Software Foundation
A hybrid front-end seamlessly transitions between Gluon eager imperative mode and symbolic mode to provide both flexibility and speed. Scalable distributed training and performance optimization in research and production is enabled by the dual parameter server and Horovod support. Deep integration into Python and support for Scala, Julia, Clojure, Java, C++, R and Perl. A thriving ecosystem of tools and libraries extends MXNet and enables use-cases in computer vision, NLP, time series and more. Apache MXNet is an effort undergoing incubation at The Apache Software Foundation (ASF), sponsored by the Apache Incubator. Incubation is required of all newly accepted projects until a further review indicates that the infrastructure, communications, and decision-making process have stabilized in a manner consistent with other successful ASF projects. Join the MXNet scientific community to contribute, learn, and get answers to your questions. -
21
Apache Mahout
Apache Software Foundation
Apache Mahout is a powerful, scalable, and versatile machine learning library designed for distributed data processing. It offers a comprehensive set of algorithms for various tasks, including classification, clustering, recommendation, and pattern mining. Built on top of the Apache Hadoop ecosystem, Mahout leverages MapReduce and Spark to enable data processing on large-scale datasets. Apache Mahout(TM) is a distributed linear algebra framework and mathematically expressive Scala DSL designed to let mathematicians, statisticians, and data scientists quickly implement their own algorithms. Apache Spark is the recommended out-of-the-box distributed back-end or can be extended to other distributed backends. Matrix computations are a fundamental part of many scientific and engineering applications, including machine learning, computer vision, and data analysis. Apache Mahout is designed to handle large-scale data processing by leveraging the power of Hadoop and Spark. -
22
Zebra by Mipsology
Mipsology
Zebra by Mipsology is the ideal Deep Learning compute engine for neural network inference. Zebra seamlessly replaces or complements CPUs/GPUs, allowing any neural network to compute faster, with lower power consumption, at a lower cost. Zebra deploys swiftly, seamlessly, and painlessly without knowledge of underlying hardware technology, use of specific compilation tools, or changes to the neural network, the training, the framework, and the application. Zebra computes neural networks at world-class speed, setting a new standard for performance. Zebra runs on highest-throughput boards all the way to the smallest boards. The scaling provides the required throughput, in data centers, at the edge, or in the cloud. Zebra accelerates any neural network, including user-defined neural networks. Zebra processes the same CPU/GPU-based trained neural network with the same accuracy without any change. -
23
ThirdAI
ThirdAI
ThirdAI (pronunciation: /THərd ī/ Third eye) is a cutting-edge Artificial intelligence startup carving scalable and sustainable AI. ThirdAI accelerator builds hash-based processing algorithms for training and inference with neural networks. The technology is a result of 10 years of innovation in finding efficient (beyond tensor) mathematics for deep learning. Our algorithmic innovation has demonstrated how we can make Commodity x86 CPUs 15x or faster than most potent NVIDIA GPUs for training large neural networks. The demonstration has shaken the common knowledge prevailing in the AI community that specialized processors like GPUs are significantly superior to CPUs for training neural networks. Our innovation would not only benefit current AI training by shifting to lower-cost CPUs, but it should also allow the “unlocking” of AI training workloads on GPUs that were not previously feasible. -
24
ConvNetJS
ConvNetJS
ConvNetJS is a Javascript library for training deep learning models (neural networks) entirely in your browser. Open a tab and you're training. No software requirements, no compilers, no installations, no GPUs, no sweat. The library allows you to formulate and solve neural networks in Javascript, and was originally written by @karpathy. However, the library has since been extended by contributions from the community and more are warmly welcome. The fastest way to obtain the library in a plug-and-play way if you don't care about developing is through this link to convnet-min.js, which contains the minified library. Alternatively, you can also choose to download the latest release of the library from Github. The file you are probably most interested in is build/convnet-min.js, which contains the entire library. To use it, create a bare-bones index.html file in some folder and copy build/convnet-min.js to the same folder. -
25
Neuralhub
Neuralhub
Neuralhub is a system that makes working with neural networks easier, helping AI enthusiasts, researchers, and engineers to create, experiment, and innovate in the AI space. Our mission extends beyond providing tools; we're also creating a community, a place to share and work together. We aim to simplify the way we do deep learning today by bringing all the tools, research, and models into a single collaborative space, making AI research, learning, and development more accessible. Build a neural network from scratch or use our library of common network components, layers, architectures, novel research, and pre-trained models to experiment and build something of your own. Construct your neural network with one click. Visually see and interact with every component in the network. Easily tune hyperparameters such as epochs, features, labels and much more. -
26
NeuralTools
Palisade
NeuralTools is a sophisticated data mining application that uses neural networks in Microsoft Excel, making accurate new predictions based on the patterns in your known data. NeuralTools imitates brain functions in order to “learn” the structure of your data, taking new inputs and making intelligent predictions. With NeuralTools, your spreadsheet can “think” for you like never before. There are three basic steps in a Neural Networks analysis: training the network on your data, testing the network for accuracy, and making predictions from new data. NeuralTools accomplishes all this automatically in one simple step. NeuralTools automatically updates predictions when input data changes, so you don’t have to manually re-run predictions when you get new data. Combine with Palisade’s Evolver or Excel’s Solver to optimize tough decisions and achieve your goals like no other Neural Networks package can.Starting Price: $199 one-time payment -
27
TFLearn
TFLearn
TFlearn is a modular and transparent deep learning library built on top of Tensorflow. It was designed to provide a higher-level API to TensorFlow in order to facilitate and speed up experimentations while remaining fully transparent and compatible with it. Easy-to-use and understand high-level API for implementing deep neural networks, with tutorial and examples. Fast prototyping through highly modular built-in neural network layers, regularizers, optimizers, metrics. Full transparency over Tensorflow. All functions are built over tensors and can be used independently of TFLearn. Powerful helper functions to train any TensorFlow graph, with support of multiple inputs, outputs, and optimizers. Easy and beautiful graph visualization, with details about weights, gradients, activations and more. The high-level API currently supports most of the recent deep learning models, such as Convolutions, LSTM, BiRNN, BatchNorm, PReLU, Residual networks, Generative networks. -
28
NVIDIA GPU-Optimized AMI
Amazon
The NVIDIA GPU-Optimized AMI is a virtual machine image for accelerating your GPU accelerated Machine Learning, Deep Learning, Data Science and HPC workloads. Using this AMI, you can spin up a GPU-accelerated EC2 VM instance in minutes with a pre-installed Ubuntu OS, GPU driver, Docker and NVIDIA container toolkit. This AMI provides easy access to NVIDIA's NGC Catalog, a hub for GPU-optimized software, for pulling & running performance-tuned, tested, and NVIDIA certified docker containers. The NGC catalog provides free access to containerized AI, Data Science, and HPC applications, pre-trained models, AI SDKs and other resources to enable data scientists, developers, and researchers to focus on building and deploying solutions. This GPU-optimized AMI is free with an option to purchase enterprise support offered through NVIDIA AI Enterprise. For how to get support for this AMI, scroll down to 'Support Information'Starting Price: $3.06 per hour -
29
ChatGPT
OpenAI
ChatGPT is a language model developed by OpenAI. It has been trained on a diverse range of internet text, allowing it to generate human-like responses to a variety of prompts. ChatGPT can be used for various natural language processing tasks, such as question answering, conversation, and text generation. ChatGPT is a pre-trained language model that uses deep learning algorithms to generate text. It was trained on a large corpus of text data, allowing it to generate human-like responses to a wide range of prompts. The model has a transformer architecture, which has been shown to be effective in many NLP tasks. In addition to generating text, ChatGPT can also be fine-tuned for specific NLP tasks such as question answering, text classification, and language translation. This allows developers to build powerful NLP applications that can perform specific tasks more accurately. ChatGPT can also process and generate code.Starting Price: Free -
30
Deeplearning4j
Deeplearning4j
DL4J takes advantage of the latest distributed computing frameworks including Apache Spark and Hadoop to accelerate training. On multi-GPUs, it is equal to Caffe in performance. The libraries are completely open-source, Apache 2.0, and maintained by the developer community and Konduit team. Deeplearning4j is written in Java and is compatible with any JVM language, such as Scala, Clojure, or Kotlin. The underlying computations are written in C, C++, and Cuda. Keras will serve as the Python API. Eclipse Deeplearning4j is the first commercial-grade, open-source, distributed deep-learning library written for Java and Scala. Integrated with Hadoop and Apache Spark, DL4J brings AI to business environments for use on distributed GPUs and CPUs. There are a lot of parameters to adjust when you're training a deep-learning network. We've done our best to explain them, so that Deeplearning4j can serve as a DIY tool for Java, Scala, Clojure, and Kotlin programmers. -
31
Caffe
BAIR
Caffe is a deep learning framework made with expression, speed, and modularity in mind. It is developed by Berkeley AI Research (BAIR) and by community contributors. Yangqing Jia created the project during his PhD at UC Berkeley. Caffe is released under the BSD 2-Clause license. Check out our web image classification demo! Expressive architecture encourages application and innovation. Models and optimization are defined by configuration without hard-coding. Switch between CPU and GPU by setting a single flag to train on a GPU machine then deploy to commodity clusters or mobile devices. Extensible code fosters active development. In Caffe’s first year, it has been forked by over 1,000 developers and had many significant changes contributed back. Thanks to these contributors the framework tracks the state-of-the-art in both code and models. Speed makes Caffe perfect for research experiments and industry deployment. Caffe can process over 60M images per day with a single NVIDIA K40 GPU. -
32
scikit-learn
scikit-learn
Scikit-learn provides simple and efficient tools for predictive data analysis. Scikit-learn is a robust, open source machine learning library for the Python programming language, designed to provide simple and efficient tools for data analysis and modeling. Built on the foundations of popular scientific libraries like NumPy, SciPy, and Matplotlib, scikit-learn offers a wide range of supervised and unsupervised learning algorithms, making it an essential toolkit for data scientists, machine learning engineers, and researchers. The library is organized into a consistent and flexible framework, where various components can be combined and customized to suit specific needs. This modularity makes it easy for users to build complex pipelines, automate repetitive tasks, and integrate scikit-learn into larger machine-learning workflows. Additionally, the library’s emphasis on interoperability ensures that it works seamlessly with other Python libraries, facilitating smooth data processing.Starting Price: Free -
33
OpenCV
OpenCV
OpenCV (Open Source Computer Vision Library) is an open-source computer vision and machine learning software library. OpenCV was built to provide a common infrastructure for computer vision applications and to accelerate the use of machine perception in commercial products. Being a BSD-licensed product, OpenCV makes it easy for businesses to utilize and modify the code. The library has more than 2500 optimized algorithms, which includes a comprehensive set of both classic and state-of-the-art computer vision and machine learning algorithms. These algorithms can be used to detect and recognize faces, identify objects, classify human actions in videos, track camera movements, track moving objects, extract 3D models of objects, produce 3D point clouds from stereo cameras, and stitch images together to produce a high-resolution image of an entire scene, find similar images from an image database, remove red eyes from images taken using flash, follow eye movements, recognize scenery, etc.Starting Price: Free -
34
QC Ware Forge
QC Ware
Unique and efficient turn-key algorithms for data scientists. Powerful circuit building blocks for quantum engineers. Turn-key algorithm implementations for data scientists, financial analysts, and engineers. Explore problems in binary optimization, machine learning, linear algebra, and monte carlo sampling on simulators and real quantum hardware. No prior experience with quantum computing is required. Use NISQ data loader circuits to load classical data into quantum states to use with your algorithms. Use circuit building blocks for linear algebra with distance estimation and matrix multiplication circuits. Use our circuit building blocks to create your own algorithms. Get a significant performance boost for D-Wave hardware and use the latest improvements for gate-based approaches. Try out quantum data loaders and algorithms with guaranteed speed-ups on clustering, classification, and regression.Starting Price: $2,500 per hour -
35
Paradise
Geophysical Insights
Paradise uses robust, unsupervised machine learning and supervised deep learning technologies to accelerate interpretation and generate greater insights from the data. Generate attributes to extract meaningful geological information and as input into machine learning analysis. Identify attributes having the highest variance and contribution among a set of attributes in a geologic setting, Display the neural classes (topology) and their associated colors resulting from Stratigraphic Analysis that indicate the distribution of facies. Detect faults automatically with deep learning and machine learning processes. Compare machine learning classification results and other seismic attributes to traditional good logs. Generate geometric and spectral decomposition attributes on a cluster of compute nodes in a fraction of the time on a single machine. -
36
BigML
BigML
Machine Learning made beautifully simple for everyone. Take your business to the next level with the leading Machine Learning platform. Start making data-driven decisions today! No more wildly expensive or cumbersome solutions. Machine Learning that simply works. BigML provides a selection of robustly-engineered Machine Learning algorithms proven to solve real world problems by applying a single, standardized framework across your company. Avoid dependencies on many disparate libraries that increase complexity, maintenance costs, and technical debt in your projects. BigML facilitates unlimited predictive applications across industries including aerospace, automotive, energy, entertainment, financial services, food, healthcare, IoT, pharmaceutical, transportation, telecommunications, and more. Supervised Learning: classification and regression (trees, ensembles, linear regressions, logistic regressions, deepnets), and time series forecasting.Starting Price: $30 per user per month -
37
NVIDIA DIGITS
NVIDIA DIGITS
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 the best performing model from the results browser for deployment. DIGITS is completely interactive so that data scientists can focus on designing and training networks rather than programming and debugging. Interactively train models using TensorFlow and visualize model architecture using TensorBoard. Integrate custom plug-ins for importing special data formats such as DICOM used in medical imaging. -
38
YandexART
Yandex
YandexART is a diffusion neural network by Yandex designed for image and video creation. This new neural network ranks as a global leader among generative models in terms of image generation quality. Integrated into Yandex services like Yandex Business and Shedevrum, it generates images and videos using the cascade diffusion method—initially creating images based on requests and progressively enhancing their resolution while infusing them with intricate details. The updated version of this neural network is already operational within the Shedevrum application, enhancing user experiences. YandexART fueling Shedevrum boasts an immense scale, with 5 billion parameters, and underwent training on an extensive dataset comprising 330 million pairs of images and corresponding text descriptions. Through the fusion of a refined dataset, a proprietary text encoder, and reinforcement learning, Shedevrum consistently delivers high-calibre content. -
39
Folio3
Folio3 Software
Folio3 machine learning company has a team of dedicated Data Scientists and Consultants that have delivered end-to-end projects related to machine learning, natural language processing, computer vision and predictive analysis. Artificial Intelligence and Machine Learning algorithms have enabled companies to utilize highly-customized solutions equipped with advanced Machine Learning capabilities. Computer vision technology has scaled up visual data analysis, introduced new image- based functionalities and transformed the way companies from various verticals utilize visual content. Predictive analytics solutions offered by Folio3 produce effective and fast results, enabling you to identify opportunities and anomalies in your business processes and strategy. -
40
Latent AI
Latent AI
We take the hard work out of AI processing on the edge. The Latent AI Efficient Inference Platform (LEIP) enables adaptive AI at the edge by optimizing for compute, energy and memory without requiring changes to existing AI/ML infrastructure and frameworks. LEIP is a modular, fully-integrated workflow designed to train, quantize, adapt and deploy edge AI neural networks. LEIP is a modular, fully-integrated workflow designed to train, quantize and deploy edge AI neural networks. Latent AI believes in a vibrant and sustainable future driven by the power of AI and the promise of edge computing. Our mission is to deliver on the vast potential of edge AI with solutions that are efficient, practical, and useful. Latent AI helps a variety of federal and commercial organizations gain the most from their edge AI with an automated edge MLOps pipeline that creates ultra-efficient, compressed, and secured edge models at scale while also removing all maintenance and configuration concerns -
41
DeePhi Quantization Tool
DeePhi Quantization Tool
This is a model quantization tool for convolution neural networks(CNN). This tool could quantize both weights/biases and activations from 32-bit floating-point (FP32) format to 8-bit integer(INT8) format or any other bit depths. With this tool, you can boost the inference performance and efficiency significantly, while maintaining the accuracy. This tool supports common layer types in neural networks, including convolution, pooling, fully-connected, batch normalization and so on. The quantization tool does not need the retraining of the network or labeled datasets, only one batch of pictures are needed. The process time ranges from a few seconds to several minutes depending on the size of neural network, which makes rapid model update possible. This tool is collaborative optimized for DeePhi DPU and could generate INT8 format model files required by DNNC.Starting Price: $0.90 per hour -
42
Weka
University of Waikato
Weka is a collection of machine learning algorithms for data mining tasks. It contains tools for data preparation, classification, regression, clustering, association rules mining, and visualization. Found only on the islands of New Zealand, the Weka is a flightless bird with an inquisitive nature. The name is pronounced like this, and the bird sounds like this. Weka is open source software issued under the GNU General Public License. We have put together several free online courses that teach machine learning and data mining using Weka. The videos for the courses are available on Youtube. An exciting and potentially far-reaching development in computer science is the invention and application of methods of machine learning (ML). These enable a computer program to automatically analyze a large body of data and decide what information is most relevant. This crystallized information can then be used to automatically make predictions or to help people make decisions faster. -
43
DeepPy
DeepPy
DeepPy is a MIT licensed deep learning framework. DeepPy tries to add a touch of zen to deep learning as it. DeepPy relies on CUDArray for most of its calculations. Therefore, you must first install CUDArray. Note that you can choose to install CUDArray without the CUDA back-end which simplifies the installation process. -
44
DeepCube
DeepCube
DeepCube focuses on the research and development of deep learning technologies that result in improved real-world deployment of AI systems. The company’s numerous patented innovations include methods for faster and more accurate training of deep learning models and drastically improved inference performance. DeepCube’s proprietary framework can be deployed on top of any existing hardware in both datacenters and edge devices, resulting in over 10x speed improvement and memory reduction. DeepCube provides the only technology that allows efficient deployment of deep learning models on intelligent edge devices. After the deep learning training phase, the resulting model typically requires huge amounts of processing and consumes lots of memory. Due to the significant amount of memory and processing requirements, today’s deep learning deployments are limited mostly to the cloud. -
45
Cogniac
Cogniac
Cogniac’s no-code solution enables organizations to capitalize on the latest developments in Artificial Intelligence (AI) and convolutional neural networks to deliver superhuman operational performance. Cogniac’s AI machine vision platform enables enterprise customers to achieve Industry 4.0 standards through visual data management and automation. Cogniac helps organizations’ operations divisions deliver smart continuous improvement. The Cogniac user interface has been designed and built to be operated by a non-technical user. With simplicity at its heart, the drag and drop nature of the Cogniac platform allows subject matter experts to focus on the tasks that drive the most value. Cogniac’s platform can identify defects from as little as 100 labeled images. Once trained by 25 approved and 75 defective images, the Cogniac AI will deliver results that are comparable to a human subject matter expert within hours of set-up. -
46
Darknet
Darknet
Darknet is an open-source neural network framework written in C and CUDA. It is fast, easy to install, and supports CPU and GPU computation. You can find the source on GitHub or you can read more about what Darknet can do. Darknet is easy to install with only two optional dependencies, OpenCV if you want a wider variety of supported image types, and CUDA if you want GPU computation. Darknet on the CPU is fast but it's like 500 times faster on GPU! You'll have to have an Nvidia GPU and you'll have to install CUDA. By default, Darknet uses stb_image.h for image loading. If you want more support for weird formats (like CMYK jpegs, thanks Obama) you can use OpenCV instead! OpenCV also allows you to view images and detections without having to save them to disk. Classify images with popular models like ResNet and ResNeXt. Recurrent neural networks are all the rage for time-series data and NLP. -
47
Deep learning frameworks such as TensorFlow, PyTorch, Caffe, Torch, Theano, and MXNet have contributed to the popularity of deep learning by reducing the effort and skills needed to design, train, and use deep learning models. Fabric for Deep Learning (FfDL, pronounced “fiddle”) provides a consistent way to run these deep-learning frameworks as a service on Kubernetes. The FfDL platform uses a microservices architecture to reduce coupling between components, keep each component simple and as stateless as possible, isolate component failures, and allow each component to be developed, tested, deployed, scaled, and upgraded independently. Leveraging the power of Kubernetes, FfDL provides a scalable, resilient, and fault-tolerant deep-learning framework. The platform uses a distribution and orchestration layer that facilitates learning from a large amount of data in a reasonable amount of time across compute nodes.
-
48
Daria
XBrain
Daria’s advanced automated features allow users to quickly and easily build predictive models, significantly cutting back on days and weeks of iterative work associated with the traditional machine learning process. Remove financial and technological barriers to build AI systems from scratch for enterprises. Streamline and expedite workflows by lifting weeks of iterative work through automated machine learning for data experts. Get hands-on experience in machine learning with an intuitive GUI for data science beginners. Daria provides various data transformation functions to conveniently construct multiple feature sets. Daria automatically explores through millions of possible combinations of algorithms, modeling techniques and hyperparameters to select the best predictive model. Predictive models built with Daria can be deployed straight to production with a single line of code via Daria’s RESTful API. -
49
Baidu AI Cloud Machine Learning (BML), an end-to-end machine learning platform designed for enterprises and AI developers, can accomplish one-stop data pre-processing, model training, and evaluation, and service deployments, among others. The Baidu AI Cloud AI development platform BML is an end-to-end AI development and deployment platform. Based on the BML, users can accomplish the one-stop data pre-processing, model training and evaluation, service deployment, and other works. The platform provides a high-performance cluster training environment, massive algorithm frameworks and model cases, as well as easy-to-operate prediction service tools. Thus, it allows users to focus on the model and algorithm and obtain excellent model and prediction results. The fully hosted interactive programming environment realizes the data processing and code debugging. The CPU instance supports users to install a third-party software library and customize the environment, ensuring flexibility.
-
50
Keras
Keras
Keras is an API designed for human beings, not machines. Keras follows best practices for reducing cognitive load: it offers consistent & simple APIs, it minimizes the number of user actions required for common use cases, and it provides clear & actionable error messages. It also has extensive documentation and developer guides. Keras is the most used deep learning framework among top-5 winning teams on Kaggle. Because Keras makes it easier to run new experiments, it empowers you to try more ideas than your competition, faster. And this is how you win. Built on top of TensorFlow 2.0, Keras is an industry-strength framework that can scale to large clusters of GPUs or an entire TPU pod. It's not only possible; it's easy. Take advantage of the full deployment capabilities of the TensorFlow platform. You can export Keras models to JavaScript to run directly in the browser, to TF Lite to run on iOS, Android, and embedded devices. It's also easy to serve Keras models as via a web API.