General AI Glossary
A Glossary of General AI Terms for Using the Clarifai Platform Effectively
A
A/B Testing
A statistical way of comparing two (or more) techniques, typically an incumbent against a new rival. It aims to determine which technique performs better, and whether the difference is statistically significant.
Accuracy
The fraction of correct predictions a model got right. The goal of any model is to get it to see the world as you see it.
- In Multi-class classification, accuracy is determined by the number of correct predictions divided by the total number of examples.
- In Binary classification, or for two mutually exclusive classes, accuracy is determined by the number of true positives added to the number of true negatives, divided by the total number of examples.
Activation Function
In artificial neural networks, the activation function of a node defines the output of that node given an input or set of inputs.
Active Learning
A machine learning term that refers to various methods for actively improving the performance of trained models.
Adversarial Example
Adversarial examples are specialized inputs created with the purpose of confusing a neural network, resulting in the misclassification of a given input. These notorious inputs are indistinguishable to the human eye, but cause the network to fail to identify the contents of the image.
Adversarial Machine Learning
A research field that lies at the intersection of machine learning (ML) and computer security. It enables the safe adoption of ML techniques in adversarial settings like spam filtering, malware detection, etc.
Agents
In the context of AI, agents are software that can independently perform specific tasks without human intervention. They often employ various tools, like calculators or web browsing, to process data and develop solutions.
Agent System Operators
Agent system operators are "non-trainable," or "fixed function," models that help you connect, route, and control the inputs and outputs that you send through your workflows. Operator models are critical building blocks for creating more advanced workflows.
- Concept Thresholder allows you to threshold input concepts according to both a threshold and an operator (>, >=, =, <=, or <). For example, if you use the " > " threshold type and set the threshold value to 0.9, only concepts that have been predicted with a confidence score greater than 0.9 will be sent as outputs from the concept thresholder, and other concepts will be ignored.
- Region Thresholder allows you to threshold regions based on the concepts that they contain using a threshold per concept and an overall operator (>, >=, =, <=, or <).
- Random Sampler allows you to randomly allow an input to pass to the output.
- Image Cropper allows you to crop the input image according to each input region that is present in the input.
- Image Align allows you to align images using key points.
- Annotation Writer allows you to write the input data to the database in the form of an annotation with a specified status as if a specific user created the annotation.
- Regex-Based Classifier allows you to classify text using regular expressions. When the specified regex pattern matches the text, the text is assigned to one of the predefined concepts.
- Concept Synonym Mapper allows you to map the input concepts to output concepts by following synonym concept relations in the knowledge graph of your app.
AI Algorithms
Extended subset of machine learning that tells the computer how to learn to operate on its own through a set of rules or instructions.
AI Ethics in Generative Models
With the advancement of generative AI, the urgency of addressing ethical concerns such as deepfakes, data privacy, and bias within AI has intensified. There are increasing calls for meticulous oversight to guarantee their responsible development and application.
AI-Generated Art and Copyright
The rise of AI in generating art has led to discussions about copyright, ownership, and the definition of creativity.
AI Lake
A centralized platform designed to consolidate, organize, and manage all your AI assets, including models, annotations, datasets, workflows, and user interfaces. It enables seamless collaboration between teams, fostering AI adoption and reusability across the enterprise. With AI-powered indexing, it automatically organizes massive amounts of data objects and makes them easily searchable.
The platform supports dataset versioning and lineage tracking for all AI assets, ensuring control over access, modifications, and deletions. AI Lake aims to make AI applications reproducible by allowing users to recreate results using input data, code, and configurations.
Built on enterprise-grade infrastructure with 99.999% uptime, it integrates seamlessly with major cloud providers like AWS, GCP, and Azure, as well as on-premises and air-gapped systems. AI Lake accelerates AI development by providing data scientists with the necessary tools to build accurate models without redundant efforts, promoting collaboration and making AI assets easily findable and reusable. Furthermore, AI Lake enhances AI governance by offering auditable and reproducible AI solutions with comprehensive provenance and change history tracking.
Anchor Box
The archetypal location, size, and shape for finding bounding boxes in an object detection problem. For example, square anchor boxes are typically used in face detection models.
Annotation
The "answer key" for each image. Annotations are markups placed on an image (bounding boxes for object detection, polygons or a segmentation map for segmentation) to teach the model the ground truth.
Annotation Format
The particular way of encoding an annotation. There are many ways to describe a bounding box's size and position (JSON, XML, TXT, etc) and to delineate which annotation goes with which image.
Annotation Group
Describes what types of objects you are identifying. For example, "chess pieces" or "vehicles."
API Key
An API key is essentially a “password” for accessing the API. Accounts are billed for API calls, and this helps us keep track of activity.
Application
An application is literally what it sounds like: an application of AI to an existing challenge. It’s a self-contained project for storing and handling, data, annotations, models, concepts, datasets, workflows (chaining of models together), and searches.
An operation performed in one application will return results from data within that application, but will be blind to data in other applications. You can create as many applications as you like and can divide your use among them to segment data into collections and manage access accordingly. Usually, you would create a new application for each new set of related tasks you want to accomplish.
Application Programming Interface (API)
A set of commands, functions, protocols, and objects that programmers can use to create software or interact with an external system.
Clarifai’s API allows users to access the Clarifai platform through four request types:
- POST - Upload inputs and information
- PATCH - Update or modify existing information
- GET - Request information
- DELETE - Delete existing information
Application Template
Clarifai app templates are pre-built blueprints that provide a starting point for creating your own applications. They are apps with their contents grouped by some use case — enabling you to easily get started building your applications.
Architecture
A specific neural network layout (layers, neurons, blocks, etc). These often come in multiple sizes whose design is similar except for the number of parameters.
Artificial General Intelligence
Computational system that can perform any intellectual task a human can. Also called "Strong Al." At this point, AGI is fictional.
Artificial Intelligence
The simulation of human intelligence processes by machines, especially computer systems. These processes include learning (the acquisition of information and rules for using it), reasoning (using rules to reach approximate or definite conclusions), and self-correction.
Artificial Neural Network
A learning model created to act like a human brain that solves tasks that are too difficult for traditional computer systems to solve.
Artificial Super Intelligence
Artificial Super Intelligence (ASI) refers to a level of AI that surpasses human intelligence across all domains, including creativity, problem-solving, and emotional intelligence.
AUC Score
The AUC, or area under the ROC curve, is a metric used to measure the performance of a binary classifier, such as a spam filter or fraud detector. It’s a numerical value between 0 and 1 that represents the overall performance of the classifier and its degree of separability, where 1 means the classifier is perfect at distinguishing between two classes, and 0.5 means it’s no better than a coin flip.
Audio Speech Recognition (ASR)
A technology that processes human speech into readable text.
These models take audio containing speech and convert it into text. These can be extremely useful as they allow audio to be searched for key terms, or AI models to transmit text instead of audio over networks, which is much smaller and faster.
Authentication
Authentication is the process of verifying someone's claimed identity. It's essentially confirming that a user trying to access a system or resource is who they say they are.
Two-factor authentication (2FA) is an optional sign-in security feature that provides an additional layer of security to your account.
Authorization
Authorization, following authentication, determines what a user is allowed to do with a system or resource after their identity has been verified. It's about granting specific permissions based on a user's role or privileges.
Auto-Annotation
Auto-annotation, also known as automatic annotation or automated labeling, refers to the use of machine learning and artificial intelligence techniques to automatically generate annotations or labels for data.
Automation Bias
When a human decision maker favors recommendations made by an automated decision-making system over information made without automation, even when the automated decision-making system makes errors.
AutoML
Automates each step of the ML workflow so that it’s easier for users with minimal effort and machine learning expertise.
Autonomous AI
The most advanced form of AI is autonomous artificial intelligence, in which processes are automated to generate the intelligence that allows machines, bots and systems to act on their own, independent of human intervention. It is often used in autonomous vehicles.
B
Backpropagation
The main algorithm used for performing gradient descent on neural networks. Short for "backward propagation of errors," it’s an algorithm for supervised learning of artificial neural networks using gradient descent. Given an artificial neural network and an error function, the method calculates the gradient of the error function with respect to the neural network weights.
Backward Chaining
A method where the model starts with the desired output and works in reverse to find data that might support it.
Base Workflow
One of Clarifai's pre-built workflows that can be built upon to create a custom model. It pre-indexes inputs for search and provides a default embedding space.
The base workflow acts as the default knowledge base for your app and provides the basic structure for indexing your data. It gives you a "head start" when working with your data — by pre-indexing your inputs for search and by providing a default embedding for your custom models.
Baseline
A model used as a reference point for comparing how well another model (typically, a more complex one) is performing. Baseline models help developers quantify the minimal expected performance that a new model must achieve to be useful.
Batch
The set of examples used in one iteration (that is, one gradient update) of model training.
Batch Inference
Asynchronous process that is executing predictions based on existing models and observations, and then stores the output.
Batch Size
The number of training examples utilized in one iteration.
Bayes's Theorem
A famous theorem used by statisticians to describe the probability of an event based on prior knowledge of conditions that might be related to an occurrence.
Bias
When an Al algorithm produces results that are systemically prejudiced due to erroneous assumptions in the machine learning process.
It occurs when the scope of your training data is too narrow. If you only see green apples, you’ll assume that all apples are green and think red apples are another kind of fruit. If the training data contains only a small number of examples, it’ll react accordingly, taking it as truth. Small datasets make for a smaller worldview.
Big Data
Big data refers to data that is so large, fast or complex that it's difficult or impossible to process using traditional methods.
Binary Classification/Mutually Exclusive
The task of classifying elements of a set into two groups on the basis of a classification rule i.e. a model that evaluates email messages and outputs either spam or not spam is a binary classifier.
Mutual exclusivity means the outcomes are disjoint if they cannot both be true. When classes are referred to as “mutually exclusive,” this means that the neural network will only predict an input as a single concept, and no other classes or concepts.
In this case, there is no intersection between any of the classes for a model. For instance, a network may classify an image as a cat or dog, but not both. If the goal of a model is to recognize only ONE concept for an input, making the concepts in your model mutually exclusive will give you stronger, more accurate predictions.
Black Box Al
An Al system whose inputs and operations are not visible to the user. A black box, in a general sense, is an impenetrable system.
Boosting
A machine learning technique that iteratively combines a set of simple and not very accurate classifiers (referred to as "weak" classifiers) into a classifier with high accuracy (a "strong" classifier) by upweighting the examples that the model is currently misclassifying.
Bootstrapping
Bootstrapping is any test or metric that uses random sampling with replacement and falls under the broader class of resampling methods. Bootstrapping assigns measures of accuracy (bias, variance, confidence intervals, prediction error, etc.) to sample estimates.
Bounding Box
In an image, the (x, y) coordinates of a rectangle around an area of interest.
Brute Force Search
A search that isn't limited by clustering/approximations; it searches across all inputs. Often more time-consuming and expensive, but more thorough.
Bucketing
Converting a feature into multiple binary features called buckets or bins, typically based on value range. For example, concepts can be moved into “bins” of outcomes, based on prediction return values.
BYTE Tracker
BYTE Tracker is a multi-object tracking by-detection model built upon the Simple Online and Real-time Tracking (SORT) principles. Multi-object tracking aims to predict the bounding boxes and identities of objects within video sequences.
C
Calibration Layer
A post-prediction adjustment, typically to account for prediction bias. The adjusted predictions and probabilities should match the distribution of an observed set of labels.
Centroid Tracker
Centroid Tracker is a tracking model that relies on the Euclidean distance between centroids of regions in different video frames to assign the same track ID to detections of the same object.
Chatbot
Simulates human conversation, using response workflows or artificial intelligence to interact with people based on verbal and written cues. Chatbots have become increasingly sophisticated in recent years and in the future may be indistinguishable from humans.
Chain-of-Thought Prompting
A technique used in AI language models to produce more reasoned, step-by-step outputs, especially in problem-solving tasks.
Checkpoint
Data that captures the state of the variables of a model at a particular time. Checkpoints enable exporting model weights, performing training across multiple sessions and continuing training past errors.
Class
One of a set of enumerated target values for a label. For example, in a binary classification model that detects spam, the two classes are spam and not spam. In a multi-class classification model that identifies dog breeds, the classes would be poodle, beagle, pug, etc.
Class Balance
The relative distribution between the number of examples of each class used to train a model. A model performs better if there are a relatively even number of examples for each class.
Classification
The process of grouping and categorizing objects and ideas recognized, differentiated, and understood in data.
These models read an input such as text, image, audio, or video data and generate an output that classifies it into a category. For example, a language classification model might read a sentence and determine whether it's in French, Spanish, or Italian.
Classification Threshold
A value used to separate the positive class from the negative class of predictions.
Classifier
A model that implements classification. It refers to the mathematical function implemented by a classification algorithm that maps input data to a category.
Client Library
A client library is a pre-written set of code in a specific programming language that simplifies the process of interacting with our API. These libraries provide functions and methods that abstract away the complexities of making raw API requests, handling authentication, formatting data, and parsing responses, enabling developers to integrate with our API more easily and efficiently.
Cluster
A group of observations that show similarities to each other and are organized by similarities.
Clustering
A method of unsupervised learning and common statistical data analysis technique. In this method, observations that show similarities to each other are organized into groups (clusters).
Cognitive Computing
A computerized model that mimics the way the human brain thinks. It involves self-learning through the use of data mining, natural language processing, and pattern recognition.
Collaboration
Collaboration is a functionality that provides you with the ability to share your apps so that you can work with your team members to label data, create models, and more. This feature comes with full control of the permissions available in your apps, which allows you to manage the capabilities and information available to each user.
Collector
Collectors capture inputs used for making predictions in your app. They enable you to pipe in data from production models automatically, and are the key to unlocking many platform training capabilities like active learning.
Commands
The actions that enable a user to execute a task.
Community
The Clarifai Community is a low-code, no-code platform that allows you to discover, build, and share AI models, workflows, and app components with confidence. It’s a modern portal that is built for the needs, challenges, and opportunities of today’s AI industry.
Computer Vision
Field of AI that trains computers to interpret and understand the visual world. Using digital images from cameras and videos and deep learning models, machines can accurately identify and classify objects — and then react to what they “see.”
Concept
A concept is something that describes an entity in the physical world, similar to a “tag” or “keyword.” Concepts are also known as "classes" in the field of machine learning.
You can use a concept to annotate an input if that input has that entity. You can also add it to a model if you want that model to be able to recognize that entity. The data in these concepts give the model something to “observe” about the keyword, and learn from.
Confidence
A model is inherently statistical. Along with its prediction, it also outputs a confidence value that quantifies how sure it is that its prediction is correct.
Confidence Threshold
We often discard predictions that fall below a certain bar. This bar is the confidence threshold.
Confusion Matrix
A confusion matrix is a table that is often used to describe the performance of a classification model on a set of test data for which the true values are known. The confusion matrix itself is relatively simple to understand, but the related terminology can be… confusing.
It’s a table that summarizes how successful a classification model's predictions were; that is, the correlation between the label and the model's classification. Concepts that co-occur, or are similar, may appear as clusters on the matrix. On the other hand, exclusive or dissimilar concepts should not form a cluster.
Container
A virtualized environment that packages its dependencies together into a portable environment. Docker is one common way to create containers.
Convolution
Convolution means spiral, or, mathematically, two functions that produce a third function, which can be a modification of one of the originals. It’s a type of block that helps a model learn information about relationships between nearby pixels.
In deep learning, this is the step that extracts features from the input image. This step allows our algorithm to take these features and plot them in a vector — effectively allowing it to “see” these features.
Source: Deep Learning Methods for Vision [2]
Convolutional Neural Network
Convolutional neural networks are deep artificial neural networks that are used primarily to classify images (e.g. name what they see), cluster them by similarity (photo search), and perform object recognition within scenes.
CoreML
A proprietary format used to encode weights for Apple devices that takes advantage of the hardware-accelerated neural engine present on iPhone and iPad devices.
CreateML
A no-code training tool created by Apple that will train machine learning models and export them to CoreML. It supports classification and object detection along with several types of non computer-vision models (such as sound, activity, and text classification).
Curse of Dimensionality
The curse of dimensionality refers to various phenomena that arise when analyzing and organizing data in high-dimensional spaces that do not occur in low-dimensional settings, such as the three-dimensional physical space of everyday experience.
Custom Dataset
A set of images and annotations pertaining to a domain-specific problem. In contrast to a research benchmark dataset like Coco or Pascal Voe.
Custom Training
This refers to the process of training a machine learning model on your own specific dataset to perform a particular task. This is in contrast to using pre-trained models, which are already trained on generic datasets and can be fine-tuned for specific tasks.
D
Data
In the data science and AI world, data is any collection of information that is converted into a digital form. Data is plural, with the singular being “datum.”
It’s important to distinguish between structured and unstructured data:
- Structured data is highly specific and is stored in a predefined format, such as a spreadsheet table;
- Unstructured data is a conglomeration of many varied types of data that are stored in their native formats, such as images, video, audio, and text.
Data Annotation
The process of labeling datasets to be used as inputs for machine learning models.
Data Curation
The process of collecting, organizing, cleaning, labeling, and maintaining data for use in training and testing models.
Data Mining
The process by which patterns are discovered within large sets of data with the goal of extracting useful information from it.
Dataset
A collection of data and ground truth of outputs that you use to train machine learning models by example.
De-Duplication
The removal of identical data, or data that is so similar that for all intents and purposes it can be considered duplicate data. Using visual search, a similarity threshold can be set to decide what should be removed.
Deep Learning
The general term for machine learning using layered (or deep) algorithms to learn patterns in data. It is most often used for supervised learning problems.
Deep Neural Network
An artificial neural network (ANN) with multiple layers between the input and output layers. It uses sophisticated mathematical modeling to process data in complex ways.
Deploy
Taking the results of a trained model and using them to make inferences on real-world data. This could mean hosting a model on a server or installing it on an edge device.
Detection
Also known as object detection. It involves identifying the presence, location and type of objects within images or video frames.
Detection comprises two tasks; listing “what” things appear in an image, and “where” they appear. Results are returned as bounding boxes along with the names of the detected items.
Diversity, Equity, and Inclusion (DEI)
A term used to describe policies and programs that promote the representation and participation of different groups of individuals, including people of different ages, races and ethnicities, abilities and disabilities, genders, religions, cultures, and sexual orientations.
Domain Adaptation
A type of transfer learning, domain adaptation is a technique to improve the performance of a model where there is little data in the target domain by using knowledge learned by another model in a related domain. An example could be training a model to recognize taxis using a model that recognizes cars.
Domain Model
Focuses on understanding a single domain, such as travel, weddings, food, not-safe-for-work (NSFW), etc.
E
Edge AI
Data is processed on the same device that produces it, or at most, on a nearby computer. Edge AI means there’s no reliance on distant cloud servers or other remote computing nodes, allowing the AI to work faster, and respond more accurately to time-sensitive events.
Edge Computing
A distributed computing framework that brings enterprise applications closer to data sources such as loT devices or local edge servers.
Embeddings
A low-dimensional representation of a model’s input that has rich semantic information. It involves conversions of data to a feature representation where certain properties can be represented by notions of distance in a neural network. In other words, the translation of data to a continuous, fixed-length representation of something that is otherwise difficult to represent.
Computers and models can’t understand images and text like humans do. Embedding models take unstructured input like images, audio, text, and video and transform them into a series of numbers called vectors which can then be input into the prediction models.
Embedding Space
The d-dimensional vector space that features from a higher-dimensional vector space are mapped to. Ideally, the embedding space contains a structure that yields meaningful mathematical results.
Emotional AI
Emotional AI refers to technologies that use affective computing and artificial intelligence techniques to sense, learn about and interact with human emotional life.
Endpoint
A task or end goal for a machine learning model.
For example, we might get this question:
Question: “Is X Endpoint doable in your models?”
Answer: Reference Clarifai’s API documentation to review endpoints and determine if we can do something. Our explorer tool essentially translates our API prediction scripts.
Ensemble Models
Ensemble models are a machine learning approach to combine multiple other models in the prediction process. While the individual models may not perform very well, when combined they can be very powerful indeed.
Epoch
It refers to one complete pass through the entire training dataset. It's a fundamental unit of measurement that signifies how many times the training data has been exposed to the learning algorithm.
Evaluation
The process of assessing a model's performance on a specific task. It's essentially how you check how well your model learned from the training data and how well it can generalize to unseen data.
Evaluation Leaderboard is a ranking system that compares the performance of your models based on their evaluation results. It’s a scoreboard that provides useful insights for the model versions in your apps and ranks them according to selected benchmark metrics.
Extensible Markup Language (XML)
A markup language and file format for storing, transmitting, and reconstructing arbitrary data. It defines a set of rules for encoding documents in a format that is both human-readable and machine-readable.
F
F Score
A weighted average of the true positive rate of recall and precision.
Facial Recognition
An application capability of identifying or verifying a person from an image or a video frame by comparing selected facial features from the image and a face database.
False Negatives
An error where a model falsely predicts an input as not having a desired outcome, when one is actually present. (Actual Yes, Predicted No).
False Positives
An error where a model falsely predicts the presence of the desired outcome in an input, when in reality it is not present (Actual No, Predicted Yes).
Feature Extraction
The process of transforming raw data into a more usable format for machine learning algorithms. It involves identifying and extracting the most relevant pieces of information (features such as texture, shape, lines, and edges) from the data, while discarding irrelevant details.
Fine-Tuning
Fine-tuning is a deep learning technique that refers to taking a pre-trained model and further training it on a new dataset or task. The term "fine-tuning" implies making small adjustments or refinements to the already learned representations in the pre-trained model rather than training from scratch. It leverages the power of pre-trained models to improve their performance on a new, related task. It involves taking a pre-trained model, which was previously trained on a vast dataset for a general-purpose task, and tailoring it to a more specific task.
You can take advantage of a variety of our pre-configured templates when developing your deep fine-tuned models. Templates give you the control to choose the specific architecture used by your neural network, and also define a set of hyperparameters that you can use to fine-tune the way your model learns. Examples include MMClassification_ResNet_50_RSB_A1 and Clarifai_InceptionBatchNorm for visual classification tasks, MMDetection_YoloF and MMDetection_SSD for visual detection tasks, and MMSegmentation_SegFormer for visual segmentation tasks.
Folksonomy
User-generated system of classifying and organizing online content into different categories by the use of metadata such as electronic tags.
Framework
Deep learning frameworks implement neural network concepts. Some are designed for training and inference —TensorFlow, PyTorch, FastAI, etc. And others are designed particularly for speedy inference — OpenVino, TensorRT, etc.
G
Generalization
Refers to a model's ability to make correct predictions on new, previously unseen data as opposed to the data used to train the model.
Generative Adversarial Networks (GANs)
A class of artificial intelligence algorithms used in unsupervised machine learning, implemented by a system of two neural networks contesting with each other in a zero-sum game framework. This technique can generate photographs that look at least superficially authentic to human observers, having many realistic characteristics (though in tests, people can tell the real ones from those generated in many cases).
Generative AI
Models that can be trained using existing content like text, audio files, or images to create new original content.
Graphics Processing Unit (GPU)
A specialized electronic circuit designed to rapidly manipulate and alter memory to accelerate the creation of images in a frame buffer intended for output to a display device. GPUs are used in embedded systems, mobile phones, personal computers, and more.
Graphics Processing Unit (GPU) Memory
The amount of information your GPU can fit on it. A bigger GPU will be able to process more information in parallel which means it can support bigger models (or bigger batch sizes) without running out of memory. If you run out of GPU memory, it will crash your program.
Green AI
Efforts to make AI more energy-efficient and environmentally friendly are gaining momentum, with a focus on reducing the carbon footprint of training and running AI models.
Grid Search
Grid search is a tuning technique that attempts to compute the optimal values of hyperparameters for training models by performing an exhaustive search through a subset of hyperparameters.
Ground Truth
The answer key for your dataset. This is how you judge how well your model is doing and calculate the loss function we use for gradient descent. It's also what we use to calculate our metrics.
Having a good ground truth is extremely important. Your model will learn to predict based on the ground truth you give it to replicate.
gRPC
gRPC (gRPC Remote Procedure Calls) is an open-source framework developed by Google that facilitates efficient and robust communication between services, typically in microservices architectures. It enables the definition and implementation of remote procedure calls (RPCs) with a focus on performance, scalability, and flexibility. gRPC leverages HTTP/2 for transport, Protocol Buffers (protobuf) for serialization, and supports multiple programming languages. We initially built our API on gRPC.
H
Hashing
In machine learning, a mechanism for bucketing categorical data, particularly when the number of categories is large, but the number of categories actually appearing in the dataset is comparatively small.
Hidden Layer
A synthetic layer in a neural network between the input layer (that is, the features) and the output layer (the prediction). Hidden layers typically contain an activation function (such as ReLU) for training. A deep neural network contains more than one hidden layer.
Holdout Data
Examples intentionally not used during training. The validation dataset and test dataset are examples of holdout data. It helps evaluate your model's ability to generalize to data other than the data on which it was trained.
Hosted Model
A set of trained weights located in the cloud that you can receive predictions from via an API.
Hugging Face
Hugging Face is a leading platform in the field of natural language processing (NLP) and machine learning, providing tools and resources that simplify the process of building, training, and deploying machine learning models. Its extensive libraries, pre-trained models, and collaborative ecosystem empower developers and researchers to advance their NLP projects efficiently and effectively.
Human Workforce
Workers who can help to complete work on an as-needed basis, which for purposes usually means labeling data (images).
Hyperparameter
The levers by which you can tune your model during training. These include things like learning rate and batch size. You can experiment with changing hyperparameters to see which ones perform best with a given model for your dataset.
I
Inference
Making predictions using the weights you save after training your model.
lmageNet
A large visual database designed for use in visual object recognition software research.
Image Recognition
The ability of software to identify objects, places, people, writing and actions in images.
Image Segmentation
The process of dividing a digital image into multiple segments with the goal of simplifying the representation of an image into something that is easier to analyze. Segmentation divides whole images into pixel groupings, which can then be labeled and classified.
Image-to-Text
Image-to-text generation, also known as image captioning, refers to the process of generating textual descriptions or captions for images. It involves using a model to analyze the content of an image and then generate a coherent and relevant textual description that describes what is happening in the image — similar to how humans would describe it.
Implicit Bias
Automatically making an association or assumption based on one's mental models and memories. Implicit bias can affect how data is collected and classified, and how machine learning systems are designed and developed.
Indexing
Indexing collects, parses, and stores your inputs to facilitate fast and accurate information retrieval. Indexing happens automatically every time you add new inputs to your app. Indexing enables responsive visual search, data clustering, concept search and model training.
Information Retrieval
The area of Computer Science studying the process of searching for information in a document, searching for documents themselves, and also searching for metadata that describes data and for databases of texts, images, or sounds.