AI & Automation Glossary

Comprehensive AI and ML terminology dictionary. Clear definitions, business context, and practical examples for 65+ essential AI terms and concepts.

307+ terms|A-Z comprehensive dictionary|For Australian businesses
A
29 terms

Accuracy

The proportion of correct predictions among total predictions. A basic classification metric that can be misleading for imbalanced datasets.

Learn more

Accuracy

The proportion of correct predictions among total predictions, a basic metric for classification model evaluation.

Learn more

Action

A step that an automated workflow performs, such as sending an email, updating a database, calling an API, or creating a document.

Learn more

AI Agents

Autonomous AI systems that can perceive their environment, make decisions, and take actions to achieve specific goals. Unlike simple chatbots, agents can use tools, access external data, and execute multi-step tasks independently.

Learn more

AI Alignment

The challenge of ensuring AI systems behave according to human intentions and values. Critical for making powerful AI systems safe, helpful, and beneficial.

Learn more

AI Ethics

The principles and practices ensuring AI systems are developed and used in ways that are fair, transparent, and beneficial.

Learn more

AI Readiness

An organisation's preparedness to successfully adopt and benefit from AI, including data, technology, talent, and cultural factors.

Learn more

AI Strategy

A comprehensive plan defining how an organisation will adopt and leverage AI to achieve business objectives.

Learn more

Airtable

A cloud-based platform combining spreadsheet simplicity with database power, enabling flexible data organisation and automation.

Learn more

Amazon Bedrock

AWS's fully managed service for accessing foundation models from multiple providers including Anthropic, Meta, and Amazon through a unified API.

Learn more

Anthropic

The AI safety company behind the Claude family of AI assistants, known for emphasising responsible AI development and constitutional AI.

Learn more

API (Application Programming Interface)

A set of protocols and tools that allows different software applications to communicate with each other. In AI, APIs enable applications to access AI model capabilities without running the models locally.

Learn more

API Documentation

Technical documentation describing how to effectively use and integrate with an API.

Learn more

API Gateway

A server that acts as an entry point for APIs, handling request routing, authentication, rate limiting, and other cross-cutting concerns.

Learn more

API Security

Practices and technologies for protecting APIs from threats including unauthorised access, data breaches, and abuse.

Learn more

API Testing

Testing APIs to ensure they function correctly, handle errors gracefully, perform adequately, and are secure.

Learn more

API Versioning

Strategies for managing changes to APIs while maintaining backwards compatibility for existing clients.

Learn more

Attended Automation

Automation that runs on a user's workstation and works alongside humans, triggered and supervised by the user.

Learn more

Attention Mechanism

A technique in neural networks that allows models to focus on relevant parts of the input when producing output. It's the core innovation behind transformer models and modern LLMs.

Learn more

Augmentation

The process of enhancing AI model capabilities by connecting them to external data sources, tools, or knowledge bases. RAG (Retrieval Augmented Generation) is a prime example.

Learn more

Authentication

The process of verifying the identity of a user, device, or system attempting to access a resource.

Learn more

Authorisation

The process of determining what actions or resources an authenticated user or system is permitted to access.

Learn more

AutoGen

Microsoft's framework for building multi-agent AI systems where multiple AI agents collaborate to solve complex tasks.

Learn more

Automation Monitoring

Tracking automation performance, health, and outcomes through dashboards, alerts, and analytics to ensure reliable operation.

Learn more

Automation ROI

The return on investment from automation initiatives, measuring the value delivered relative to the costs of implementation and operation.

Learn more

Automation Testing

Validating that automated processes work correctly through systematic testing before and after deployment.

Learn more

AWS Bedrock

Amazon's managed service for accessing foundation models from multiple providers through a unified API.

Learn more

Azure OpenAI Service

Microsoft's hosting of OpenAI models on Azure, providing enterprise-grade security, compliance, and integration with Azure services.

Learn more

Azure OpenAI Service

Microsoft Azure's enterprise service for accessing OpenAI models with Azure security, compliance, and regional data residency.

Learn more
B
15 terms

Backpropagation

The primary algorithm used to train neural networks by calculating gradients and adjusting weights to minimise errors. It propagates error signals backward through the network.

Learn more

Batch Processing

Processing multiple items or transactions together as a group, typically scheduled for off-peak times.

Learn more

Batch Processing

Processing data in groups or batches at scheduled intervals rather than immediately as it arrives.

Learn more

Batching

Processing multiple requests or data points together in a single operation rather than one at a time. This improves throughput and efficiency in AI systems.

Learn more

Benchmark

Standardised tests used to evaluate and compare AI model performance across specific tasks or capabilities.

Learn more

BERT

Bidirectional Encoder Representations from Transformers - a landmark language model from Google that reads text in both directions to understand context.

Learn more

Bias (AI)

Systematic errors in AI predictions caused by assumptions in the training data or algorithm. Can lead to unfair or inaccurate outputs for certain groups or scenarios.

Learn more

Bidirectional Sync

Data synchronisation where changes in either connected system are reflected in the other, maintaining consistency in both directions.

Learn more

Bot Management

Overseeing and coordinating software bots in an automation environment, including scheduling, monitoring, and maintenance.

Learn more

Bubble

A visual programming platform for building full-featured web applications without writing code.

Learn more

Business Case

A documented justification for an AI investment, including expected benefits, costs, risks, and strategic alignment.

Learn more

Business Intelligence

Technologies and practices for collecting, integrating, analysing, and presenting business data. Enables data-driven decision making through dashboards, reports, and analytics.

Learn more

Business Intelligence (BI)

Technologies and practices for collecting, integrating, analysing, and presenting business data to support better decision-making.

Learn more

Business Process Automation

Using technology to automate repeatable business processes, reducing manual effort and increasing consistency. Broader than RPA, encompassing workflow systems and integrations.

Learn more

Business Process Management (BPM)

A discipline for designing, executing, monitoring, and improving business processes to achieve organisational goals.

Learn more
C
30 terms

Automation Center of Excellence

A dedicated team or function that provides governance, standards, expertise, and support for enterprise automation initiatives.

Learn more

Caching

Storing copies of data or computed results in faster storage to reduce latency and load on the original data source.

Learn more

Center of Excellence (CoE)

A centralised team or framework that provides leadership, best practices, and governance for automation initiatives across an organisation.

Learn more

Chain-of-Thought

A prompting technique that encourages AI models to show their reasoning step-by-step, leading to more accurate results on complex problems.

Learn more

Change Management

The structured approach to transitioning individuals, teams, and organisations to a desired future state. Critical for AI adoption where people's roles and processes change.

Learn more

Change Management

The structured approach to transitioning individuals, teams, and organisations from current state to a desired future state.

Learn more

Chroma

A lightweight, open-source embedding database designed for AI applications, popular for its simplicity and ease of use.

Learn more

Chroma

An open-source embedding database designed to be simple to use, particularly popular for development and prototyping AI applications.

Learn more

Chunking

Breaking large documents or texts into smaller, manageable pieces for processing. Critical for RAG systems where documents must fit within context windows.

Learn more

Churn Prediction

Using AI and analytics to identify customers likely to stop using a product or service, enabling proactive retention efforts.

Learn more

Citizen Developer

Business users who create applications or automations using no-code/low-code platforms without traditional programming skills.

Learn more

Citizen Development

Enabling non-IT employees to build applications and automations using low-code/no-code tools with appropriate governance.

Learn more

Claude

Anthropic's family of AI assistants, known for being helpful, harmless, and honest. Claude models excel at analysis, writing, coding, and following nuanced instructions.

Learn more

Cohere

An enterprise-focused AI company providing language models, embeddings, and search capabilities through a developer-friendly API.

Learn more

Cohere

An enterprise AI company providing LLMs optimised for business applications, with strong focus on retrieval, classification, and embeddings.

Learn more

Completion

The output text generated by a language model in response to a prompt. Also refers to the API endpoint type for generating text continuations.

Learn more

Computer Vision

AI that enables computers to interpret and understand visual information from images and videos. Powers image recognition, object detection, and visual inspection.

Learn more

Computer Vision

The field of AI that enables computers to interpret and understand visual information from images and videos.

Learn more

Concept Drift

Changes in the relationship between input features and target variables over time, causing model predictions to become less accurate.

Learn more

Confusion Matrix

A table showing predicted vs actual classifications, revealing true positives, false positives, true negatives, and false negatives. Essential for understanding model error patterns.

Learn more

Confusion Matrix

A table showing the counts of correct and incorrect predictions for each class, revealing detailed model performance.

Learn more

Connector

A pre-built integration component that enables applications to communicate with external systems, handling authentication and data formatting.

Learn more

Context Window

The maximum amount of text (measured in tokens) that an LLM can process in a single request. This includes both the input prompt and the generated output.

Learn more

Convolutional Neural Network

Neural network architecture designed for processing grid-like data such as images. Uses convolution operations to automatically learn spatial features and patterns.

Learn more

CrewAI

A Python framework for orchestrating role-playing AI agents that work together as a crew to accomplish complex tasks.

Learn more

Customer Experience

The overall perception customers have of their interactions with a company. AI and automation can dramatically improve CX through personalisation, speed, and consistency.

Learn more

Customer Journey

The complete experience a customer has with a company, from initial awareness through purchase and beyond.

Learn more

Customer Lifetime Value (CLV)

The predicted total revenue a customer will generate throughout their entire relationship with a business.

Learn more

Customer Segmentation

The practice of dividing customers into groups based on common characteristics to enable targeted marketing and personalised experiences.

Learn more

Customer Service Automation

Automating customer support through chatbots, self-service portals, ticket routing, and AI-assisted agent tools.

Learn more
D
36 terms

Dashboard

A visual display of key metrics and data points that provides at-a-glance understanding of business performance.

Learn more

Data Augmentation

Techniques for artificially increasing training data by creating modified versions of existing data.

Learn more

Data Catalog

A centralised inventory of data assets with metadata, enabling discovery, understanding, and governance of organisational data.

Learn more

Data Cleaning

The process of detecting and correcting errors, inconsistencies, and inaccuracies in datasets to improve data quality.

Learn more

Data Drift

Changes in the statistical properties of input data over time that can degrade machine learning model performance.

Learn more

Data Governance

The framework of policies, processes, and standards for managing data assets. Ensures data is accurate, secure, compliant, and used appropriately across the organisation.

Learn more

Data Labeling

The process of annotating data with labels or tags that machine learning models can learn from.

Learn more

Data Labelling

The process of adding annotations or tags to data to create training datasets for supervised learning. Labels tell the model what output to predict for each input.

Learn more

Data Lake

A storage repository holding vast amounts of raw data in native format until needed. Unlike warehouses, lakes store unstructured and semi-structured data without predefined schemas.

Learn more

Data Lake

A centralised repository that stores raw data in its native format, enabling flexible analysis and machine learning workloads.

Learn more

Data Lakehouse

An architecture combining data lake flexibility with data warehouse reliability and performance.

Learn more

Data Lineage

Tracking the origin, movement, and transformation of data throughout its lifecycle in an organisation.

Learn more

Data Lineage

The ability to track data from its origin through transformations to its final use, showing the complete data journey.

Learn more

Data Pipeline

An automated sequence of data processing steps that moves and transforms data from sources to destinations. Essential for keeping AI systems and analytics fed with fresh data.

Learn more

Data Privacy

Protecting personal and sensitive information from unauthorised access, use, and disclosure.

Learn more

Data Quality

The measure of data fitness for its intended purpose. High-quality data is accurate, complete, consistent, timely, and valid. Critical for AI systems that learn from data.

Learn more

Data Quality

The degree to which data is accurate, complete, consistent, timely, and fit for its intended use.

Learn more

Data Security

Protecting data from unauthorised access, corruption, or theft through technical and administrative controls.

Learn more

Data Sync

The process of maintaining consistency between data stored in different systems or locations.

Learn more

Data Synchronisation

Keeping data consistent across multiple systems by automatically copying and updating data when changes occur. Essential for multi-system architectures.

Learn more

Data Transformation

Converting data from one format, structure, or value system to another. Essential for integration when systems use different data models or formats.

Learn more

Data Transformation

The process of converting data from one format or structure to another to meet the requirements of target systems or analysis.

Learn more

Data Validation

The process of checking data against rules and constraints to ensure accuracy, completeness, and consistency.

Learn more

Data Warehouse

A centralised repository that stores integrated data from multiple sources for reporting and analysis. Optimised for query performance rather than transaction processing.

Learn more

Data Warehouse

A centralised repository optimised for analytical queries, storing structured data from multiple sources for business intelligence and reporting.

Learn more

Databricks

A unified analytics platform combining data engineering, data science, and machine learning on a lakehouse architecture.

Learn more

dbt (data build tool)

A transformation tool that enables analytics engineers to transform data using SQL, with software engineering best practices.

Learn more

Decoder

The component of a transformer model that generates output sequences. GPT-style models are "decoder-only" architectures optimised for text generation.

Learn more

Deep Learning

Machine learning using neural networks with multiple layers. Enables automatic feature learning and powers modern AI breakthroughs in vision, language, and more.

Learn more

Diffusion Models

AI models that generate images by gradually removing noise from random patterns. Powers tools like DALL-E, Midjourney, and Stable Diffusion.

Learn more

Digital Transformation

Integrating digital technology into all areas of business, fundamentally changing how organisations operate and deliver value. AI and automation are key enablers.

Learn more

Digital Transformation

The integration of digital technology into all areas of business, fundamentally changing how organisations operate and deliver value.

Learn more

Dimensionality

The number of features or dimensions in an embedding vector. Higher dimensionality can capture more nuance but requires more storage and compute.

Learn more

Docker

A platform for containerising applications, essential for deploying AI models consistently across different environments.

Learn more

Document Automation

Using AI and software to automatically create, process, extract data from, and manage documents without manual intervention.

Learn more

Document Automation

Automatically creating, processing, routing, and managing documents using templates, data extraction, and workflow rules.

Learn more
E
11 terms

Email Automation

Automated sending, sorting, and responding to emails based on triggers, schedules, or content analysis. Includes marketing sequences, transactional emails, and inbox management.

Learn more

Email Automation

Automatically sending, sorting, responding to, or processing emails based on triggers, rules, or AI-driven understanding.

Learn more

Embeddings

Numerical vector representations of text, images, or other data that capture semantic meaning. Similar items have similar embeddings, enabling semantic search.

Learn more

Encoder

The component of a transformer that processes input text into internal representations. BERT-style models are "encoder-only" and excel at understanding tasks.

Learn more

ETL

A data integration process that extracts data from sources, transforms it to fit operational needs, and loads it into a destination system like a data warehouse.

Learn more

ETL (Extract, Transform, Load)

A data integration process that extracts data from sources, transforms it for analysis, and loads it into a destination system.

Learn more

Evaluation Metrics

Quantitative measures used to assess AI model performance, such as accuracy, precision, recall, F1 score, and perplexity.

Learn more

Event-Driven Automation

Automation triggered by real-time events rather than schedules. Responds immediately when something happens - a form submission, database change, or API call.

Learn more

Event-Driven Automation

Automations triggered in response to specific events or changes in systems, enabling real-time reactive workflows.

Learn more

Exception Handling

Managing situations where automated processes encounter unexpected conditions or errors that prevent normal completion.

Learn more

Exception Handling

Managing cases where automated processes encounter unexpected conditions, errors, or situations outside normal parameters.

Learn more
F
10 terms

F1 Score

The harmonic mean of precision and recall, providing a single metric that balances both. Useful when you need good performance on both false positives and false negatives.

Learn more

F1 Score

The harmonic mean of precision and recall, providing a single metric that balances both concerns.

Learn more

FAISS

Facebook AI Similarity Search, a library for efficient similarity search and clustering of dense vectors at scale.

Learn more

Feature Engineering

The process of creating and selecting input variables (features) for machine learning models. Good features capture relevant patterns and improve model performance.

Learn more

Few-Shot Learning

A technique where models learn to perform tasks from just a few examples provided in the prompt, without additional training.

Learn more

Fine-Tuning

Adapting a pre-trained model to a specific task or domain by training it further on specialised data. Creates a new model variant.

Learn more

Flowise

An open-source visual tool for building LLM flows and AI agents using a drag-and-drop interface built on LangChain.

Learn more

Foundation Model

Large AI models trained on broad data that can be adapted to many downstream tasks. GPT-4, Claude, and BERT are examples that serve as the foundation for specific applications.

Learn more

Foundation Model

Large AI models trained on broad data that can be adapted to a wide range of downstream tasks.

Learn more

Function Calling

An LLM capability to output structured requests to external functions or APIs, enabling AI to take actions like searching databases or executing code.

Learn more
G
14 terms

AI Governance

The framework of policies, processes, and accountability structures that guide responsible AI development and use.

Learn more

Generative AI

AI systems that create new content - text, images, code, audio, or video. Includes LLMs like GPT and Claude, and image generators like DALL-E and Midjourney.

Learn more

Generative AI

AI systems that can create new content including text, images, audio, video, and code.

Learn more

Google Vertex AI

Google Cloud's unified ML platform providing access to Google's AI models and tools for building AI applications.

Learn more

Google Vertex AI

Google Cloud's unified AI platform for building, deploying, and scaling ML models, including access to Gemini and PaLM models.

Learn more

GPT (Generative Pre-trained Transformer)

OpenAI's family of language models that generate human-like text. GPT-4 is currently the most capable version, excelling at reasoning, coding, and analysis.

Learn more

Gradient Descent

The optimisation algorithm used to train neural networks by iteratively adjusting weights to minimise the loss function.

Learn more

Gradio

A Python library for quickly creating web interfaces for machine learning models, particularly popular for AI demos.

Learn more

Gradio

A Python library for quickly creating web interfaces for machine learning models with automatic UI generation.

Learn more

GraphQL

A query language for APIs that lets clients request exactly the data they need. Alternative to REST that reduces over-fetching and enables flexible data retrieval.

Learn more

GraphQL

A query language for APIs that allows clients to request exactly the data they need, developed by Facebook.

Learn more

Ground Truth

The accurate, verified labels or outcomes used to train and evaluate machine learning models.

Learn more

Grounding

Connecting AI model outputs to factual, verified information sources to reduce hallucinations and improve accuracy.

Learn more

Guardrails

Safety mechanisms and constraints implemented to prevent AI systems from producing harmful, inappropriate, or off-topic outputs.

Learn more
L
10 terms

LangChain

A popular open-source framework for building LLM applications. Provides abstractions for chains, agents, memory, and integrations with various AI services.

Learn more

Langflow

A visual IDE for building and deploying LangChain applications through a flow-based interface with Python extensibility.

Learn more

LangSmith

A platform from LangChain for debugging, testing, evaluating, and monitoring LLM applications.

Learn more

Latency

The time delay between sending a request and receiving a response from an AI system. Critical for real-time applications.

Learn more

Lead Scoring

A methodology for ranking prospects based on their perceived value and likelihood to convert, often enhanced by AI.

Learn more

Llama

Meta's family of open-source large language models. Llama 2 and 3 offer strong performance that can be self-hosted without API costs.

Learn more

LlamaIndex

A data framework for building LLM applications, specialising in connecting custom data to language models. Excellent for RAG applications.

Learn more

LLM (Large Language Model)

AI models trained on vast amounts of text that can understand and generate human language. GPT-4, Claude, and Llama are leading examples.

Learn more

LoRA (Low-Rank Adaptation)

An efficient fine-tuning technique that trains only a small number of additional parameters, dramatically reducing compute and storage requirements.

Learn more

Low-Code

Development platforms that minimise hand-coding through visual interfaces while still allowing code customisation when needed. Bridges no-code and traditional development.

Learn more
M
18 terms

Make (Integromat)

A visual automation platform for connecting apps and designing complex workflows, formerly known as Integromat.

Learn more

Marketing Automation

Software and strategies that automate marketing tasks including email campaigns, social media, lead nurturing, and customer journey orchestration.

Learn more

Marketing Automation

Software and strategies that automate marketing tasks including email campaigns, lead nurturing, social media, and campaign analytics.

Learn more

Memory (AI)

Systems that allow AI to retain and recall information across conversations. Can be short-term (within session) or long-term (across sessions).

Learn more

Message Queue

A component that stores messages sent between applications, enabling asynchronous communication and decoupling between services.

Learn more

Metadata

Data that describes other data, providing context about structure, meaning, origin, and usage.

Learn more

Microservices

An architectural style where applications are composed of small, independent services that communicate over network protocols.

Learn more

Middleware

Software that connects different applications or systems, handling communication, data transformation, and integration logic between components.

Learn more

Middleware

Software that sits between applications, providing common services like messaging, authentication, and data transformation.

Learn more

Mistral AI

A French AI company known for efficient, high-performance open-weight language models that compete with much larger models.

Learn more

Mistral AI

A French AI company known for efficient, high-performance open-weight models that compete with larger proprietary models.

Learn more

Mixture of Experts

Neural network architecture using multiple specialised "expert" subnetworks with a gating mechanism that routes inputs to the most relevant experts, enabling larger models with efficient compute.

Learn more

MLflow

An open-source platform for managing the machine learning lifecycle, including experimentation, reproducibility, and deployment.

Learn more

Model

A trained AI system that can make predictions or generate outputs. Models encode learned patterns from training data in their parameters.

Learn more

Model Serving

The infrastructure and processes for deploying trained models to make predictions in production environments.

Learn more

Multi-Agent Systems

Architectures where multiple AI agents collaborate, each with specialised roles, to accomplish complex tasks through coordination.

Learn more

Multi-Modal

AI models that can process and generate multiple types of data - text, images, audio, and video. GPT-4V and Gemini are multi-modal.

Learn more

Multimodal AI

AI systems that can process and generate multiple types of data such as text, images, audio, and video.

Learn more
P
16 terms

Parameters

The learned values (weights and biases) in a neural network that determine its behavior. LLMs have billions of parameters.

Learn more

pgvector

A PostgreSQL extension that adds vector similarity search capabilities, enabling AI applications on existing PostgreSQL infrastructure.

Learn more

Pilot Project

A small-scale preliminary project used to evaluate feasibility, test approaches, and learn before committing to full implementation.

Learn more

Pinecone

A popular managed vector database optimised for AI applications. Known for ease of use and scalability.

Learn more

Pipeline

A sequence of data processing or AI steps connected together, where each step's output feeds into the next.

Learn more

Postman

A popular API development platform for designing, testing, documenting, and monitoring APIs.

Learn more

Power Automate

Microsoft's cloud-based automation platform for creating workflows across Microsoft 365 and third-party applications.

Learn more

Pre-training

Initial training phase where models learn general patterns from large datasets. Pre-trained models can then be fine-tuned for specific tasks with much less data.

Learn more

Precision

Of all positive predictions, what proportion was actually positive. High precision means few false positives - when the model says "yes," it's usually right.

Learn more

Precision

The proportion of true positive predictions among all positive predictions, measuring how reliable positive predictions are.

Learn more

Process Assessment

Evaluating business processes to determine their suitability and priority for automation.

Learn more

Process Mining

Analysing event logs from IT systems to discover, monitor, and improve business processes. Reveals how processes actually work versus how they're supposed to work.

Learn more

Process Mining

Data-driven analysis of business processes using event logs to discover, monitor, and improve actual process execution.

Learn more

Prompt

The input text or instructions given to an AI model to elicit a response. Quality prompts dramatically improve output quality.

Learn more

Prompt Engineering

The practice of designing and optimising prompts to get better results from AI models. Combines art and science.

Learn more

Pub/Sub (Publish-Subscribe)

A messaging pattern where senders (publishers) send messages to topics without knowledge of receivers (subscribers), who receive messages by subscribing to topics.

Learn more
R
20 terms

RAG (Retrieval Augmented Generation)

A technique that enhances LLM responses by first retrieving relevant information from a knowledge base, then using it to generate accurate, grounded answers.

Learn more

Rate Limiting

Controlling the number of requests a client can make to an API within a specified time period to prevent abuse and ensure fair usage.

Learn more

Real-Time Data

Data that is delivered and processed immediately or with minimal delay as it is generated.

Learn more

Real-Time Processing

Processing data or transactions immediately as they occur, enabling instant responses and up-to-date information.

Learn more

Recall

Of all actual positives, what proportion did the model identify. High recall means few false negatives - the model finds most of the positive cases.

Learn more

Recall

The proportion of actual positive cases that were correctly identified, measuring how completely positives are found.

Learn more

Recurrent Neural Network

Neural network designed to process sequential data by maintaining internal state. Used for time series, text, and other sequential tasks before transformers became dominant.

Learn more

Reinforcement Learning

A machine learning paradigm where agents learn by interacting with an environment, receiving rewards or penalties for actions. Used in robotics, games, and optimisation.

Learn more

Reinforcement Learning

Machine learning where an agent learns to make decisions by taking actions and receiving rewards or penalties.

Learn more

Replicate

A platform for running machine learning models in the cloud via API, making it easy to deploy open-source models without managing infrastructure.

Learn more

REST API

An architectural style for web APIs using standard HTTP methods. The most common way to build and consume web services, enabling system-to-system communication.

Learn more

REST API

An architectural style for web APIs using HTTP methods to perform operations on resources, the most common approach for modern web services.

Learn more

Retool

A low-code platform for building internal tools and admin panels by connecting to databases and APIs.

Learn more

Retrieval

The process of finding and fetching relevant information from a database or knowledge base in response to a query.

Learn more

RLHF (Reinforcement Learning from Human Feedback)

A technique to fine-tune AI models using human preferences, making outputs more helpful, harmless, and aligned with human values.

Learn more

Robotic Process Automation

Software robots that automate repetitive, rule-based tasks by mimicking human interactions with digital systems. Works with existing applications without API integration.

Learn more

Robotic Process Automation (RPA)

Software robots that automate repetitive, rule-based tasks by mimicking human interactions with digital systems.

Learn more

ROI

A measure of profitability that compares the gain from an investment to its cost. For AI projects, ROI considers cost savings, revenue increases, and implementation costs.

Learn more

ROI Measurement

The process of calculating return on investment by comparing the gains from an investment against its costs.

Learn more

Rule Engine

Software that executes business rules to automate decisions, separating decision logic from application code.

Learn more
S
18 terms

Sales Automation

Automating sales tasks like lead assignment, follow-up sequences, proposal generation, and CRM updates to increase efficiency.

Learn more

Sales Pipeline

A visual representation of where prospects are in the sales process, from initial contact to closed deal.

Learn more

Scalability

The ability of a system or process to handle growing amounts of work or to be enlarged to accommodate growth.

Learn more

Scheduled Automation

Automation that runs at predetermined times rather than in response to events. Used for batch processing, reports, maintenance tasks, and regular synchronisation.

Learn more

Scheduled Automation

Automations triggered by time-based schedules rather than events, running at defined intervals or specific times.

Learn more

Semantic Search

Search that understands meaning and intent rather than just matching keywords. Uses embeddings to find conceptually similar content.

Learn more

Sentiment Analysis

NLP technique that determines the emotional tone of text - positive, negative, or neutral. Used for analysing customer feedback, social media, and reviews.

Learn more

Sentiment Analysis

The use of NLP to identify and extract subjective information, determining whether text expresses positive, negative, or neutral sentiment.

Learn more

Similarity Search

Finding items in a database that are most similar to a query, typically using vector distance calculations on embeddings.

Learn more

Snowflake

A cloud-native data warehouse platform offering scalable storage and compute for analytics and AI workloads.

Learn more

Streaming

Sending AI model output incrementally as it's generated rather than waiting for the complete response. Improves perceived latency.

Learn more

Streamlit

A Python framework for quickly building and sharing web applications for machine learning and data science.

Learn more

Streamlit

A Python framework for creating web applications and data dashboards quickly, popular for AI/ML demos and tools.

Learn more

Structured Data

Data organised in a predefined format with clear schema, typically stored in databases with rows and columns.

Learn more

Supervised Learning

A machine learning approach where models learn from labelled training data. The algorithm learns to map inputs to known outputs, enabling predictions on new, unseen data.

Learn more

Supervised Learning

Machine learning where models learn from labeled training data to predict outcomes for new data.

Learn more

Synthetic Data

Artificially generated data that mimics real data characteristics. Used when real data is scarce, sensitive, or expensive to obtain for AI training.

Learn more

Synthetic Data

Artificially generated data that mimics real data characteristics while preserving privacy and enabling use cases where real data is scarce or sensitive.

Learn more
T
15 terms

Temperature

A parameter controlling randomness in AI outputs. Lower temperature (0-0.3) gives consistent, focused responses; higher (0.7-1.0) gives more creative, varied ones.

Learn more

Text Classification

NLP task of assigning predefined categories to text. Used for spam detection, sentiment analysis, topic categorisation, and intent recognition.

Learn more

Time to Value

The time between starting an investment and realising measurable benefits. Critical for AI projects where stakeholders expect results within reasonable timeframes.

Learn more

Time-to-Value

The duration between starting an initiative and realising measurable business value from it.

Learn more

Tokenization

The process of breaking text into smaller units (tokens) that AI models can process. Tokens might be words, subwords, or characters depending on the tokenizer.

Learn more

Tokenization

The process of breaking text into smaller units (tokens) that AI models can process and understand.

Learn more

Tokens

The basic units of text that LLMs process. Roughly 1 token = 4 characters or 0.75 words in English. Both input and output are measured in tokens.

Learn more

Total Cost of Ownership

The complete cost of acquiring, deploying, and operating an AI system over its lifetime. Includes obvious costs like software and hidden costs like training and maintenance.

Learn more

Total Cost of Ownership (TCO)

The complete cost of acquiring, operating, and maintaining a system over its entire lifecycle, including hidden costs.

Learn more

Training

The process of teaching an AI model by exposing it to data and adjusting its parameters to minimise errors.

Learn more

Training Data

The dataset used to train machine learning models. Training data teaches the model patterns and relationships it will apply to new, unseen data.

Learn more

Transfer Learning

Applying knowledge learned from one task to a different but related task. This allows models to achieve good performance with less training data and compute.

Learn more

Transfer Learning

A technique where a model trained on one task is adapted for a different but related task.

Learn more

Transformer

The neural network architecture behind modern LLMs. Uses attention mechanisms to process sequences in parallel, enabling training on massive datasets.

Learn more

Trigger

An event that initiates an automated workflow or action. Common triggers include form submissions, schedule times, data changes, emails, and webhooks.

Learn more

Ready to Implement AI?

Understanding the terminology is just the first step. Our experts can help you implement AI solutions tailored to your business needs.

FT Fast 500 APAC Winner|500+ Implementations|Harvard-Educated Team