Azure AI Terms 01 Flashcards
CLU
Conversational language understanding. A feature in Azure Cognitive Service for Language.
CNN
Convolutional neural network. A deep learning technique in AI used for image classification.
GPT-3
Generative Pre-trained Transformer 3.
LUIS
Language Understanding Service.
MAE
Mean absolute error. When evaluating machine learning regression models, this measures how close the predictions are to the actual vaules; lower is better.
mAP
Mean Average Precision. In AI classification, an overall metric that takes into account both precision and recall across all classes.
MIND
Microsoft News Dataset. A large-scale dataset for news recommendation research that’s available in Azure Open Datasets.
MLOps
Machine Learning Operations. The Machine Learning analog of DevOps, as used in Azure Machine Learning (Azure ML).
MRF
Markov Random Field. For our purposes a technique sometimes used in computer vision and machine learning.
MZOE
Mean zero one error. When evaluating machine learning regression models, 1 if the prediction was correct, otherwise 0.
NER
Named entity recognition. A feature in Azure Cognitive Service for Language.
NLU
Natural language understanding.
NMT
Neural machine translation. The model used by Azure Translator.
R-squared or R2
Coefficient of determination. When evaluating machine learning regression models, a measure of the variance from the mean in its predictions; the closer to 1, the better the model is performing.
RAE
Relative absolute error. When evaluating machine learning regression models, the relative absolute distance between expected and actual values; lower is better.
RMSE
Root mean squared error. When evaluating machine learning regression models, the square root of the average squared distance between the actual and the predicted values; lower is better.
RSE
Relative squared error. When evaluating machine learning regression models, the total squared error of the predicted values by dividing by the total squared error of the actual values; lower is better.
SACH
Structured Analysis of Competing Hypotheses.
AI agent
Synonym for bot.
AI enrichment
Embedded image and natural language processing in an AI knowledge mining pipeline that extracts text and information from content that can’t otherwise be indexed for full text search.
Anomaly detection
Synonym for outlier detection.
Attached Compute
In Azure Machine Learning (Azure ML), links to existing Azure compute resources, such as Virtual Machines or Azure Databricks clusters.
AutoML
The automated machine learning process in Azure Machine Learning (Azure ML).
Bot
Synonym for AI agent.
Classification
A type of supervised machine learning that predicts categories or classes.
Coefficient of determination (R-squared or R2)
When evaluating machine learning regression models, a measure of the variance from the mean in its predictions; the closer to 1, the better the model is performing.
Compute Cluster
In Azure Machine Learning (Azure ML), a scalable cluster of virtual machines for training the model and running experiments.
Compute Instance
In Azure Machine Learning (Azure ML), a development virtual machine used to process data and build the model.
Conversational AI
The process of building AI agents to take part in conversations with humans, commonly done with chatbots. See Azure Conversational Language Understanding.
Conversational language understanding (CLU)
A feature in Azure Cognitive Service for Language.
Convolutional neural network (CNN)
A deep learning technique in AI used for image classification.
Data asset
In Azure Machine Learning (Azure ML), the data for model training and other operations.
Entity
In Azure Cognitive Service for Language, the item to which the utterance refers. For example, if the utterance is “Turn on the light”, the intent is something like ‘‘TurnOn’’ and the entity is the light.
Entity linking
In Azure Cognitive Service for Language, the process of identifying and disambiguating the entities found in a text.
Face detection
The process of identifying regions of an image that contain a human face, typically by returning bounding box coordinates. Contrast with facial analysis which identifies facial landmarks like nose and eyes, and facial recognition which identifies known individuals.
Facial analysis
The process of identifying facial landmarks like nose and eyes. Contrast with face detection which identifies regions of an image that contain faces, and facial recognition which identifies known individuals.
Facial recognition
The process of identifying known individuals from their facial features, based on multiple images of that individual which have already been classified. Contrast with face detection which identifies regions of an image that contain faces, and facial analysis which identifies facial landmarks like nose and eyes.
Feature engineering
In machine learning, the process of creating new features from raw data to increase the predictive power of the model.
Forecast
In machine learning, a synonym for prediction.
Image classification
A machine learning based form of computer vision in which a model is trained to categorize images based on the primary subject matter they contain. Contrast with object detection which classifies individual objects in the image.
Inference Cluster
In Azure Machine Learning (Azure ML), a deployment target for predictive services that uses a trained model in Azure Kubernetes Service (AKS).
Intent
In Azure Cognitive Service for Language, the purpose or goal expressed in a user’s utterance, such as the “Turn on the light”. In this case the intent is something like ‘‘TurnOn’’ and the entity is the light.
K-means clustering
A machine learning method that aims to partition //n// observations into //k// clusters in which each observation belongs to the cluster with the nearest mean (cluster centers or cluster centroid), serving as a prototype of the cluster.
Knowledge mining
Extracting information from large volumes of often unstructured data.
Lemmatization
In text analytics, a dictionary-based text normalization method that reduces a word to its canonical or dictionary form. Contrast with stemming which is a rule-based methdod for finding the root/base word.
Machine Learning Operations (MLOps)
The Machine Learning analog of DevOps, as used in Azure Machine Learning (Azure ML).
Markov Random Field (MRF)
For our purposes a technique sometimes used in computer vision and machine learning.
Mean absolute error (MAE)
When evaluating machine learning regression models, this measures how close the predictions are to the actual vaules; lower is better.
Mean Average Precision (mAP)
In AI classification, an overall metric that takes into account both precision and recall across all classes, similar to the F1 score.
Mean zero one error (MZOE)
When evaluating machine learning regression models, 1 if the prediction was correct, otherwise 0.
Microsoft News Dataset (MIND)
A large-scale dataset for news recommendation research that’s available in Azure Open Datasets.
N-gram
In text analytics, a multi-term phrase used for frequency analysis. A two-word phrase is a bi-gram, a three-word phrase is a tri-gram, and so on.
Named entity recognition (NER)
A feature in Azure Cognitive Service for Language.
Neural machine translation (NMT)
The model used by Azure Translator.
Object detection
A machine learning based form of computer vision that classifies individual objects within the image and returns the coordinates of their bounding boxes, as opposed to image classification which categorizes the entire image based on the primary subject matter.
Ordered Categorical Variable
Another term for ordinal variable.
Ordinal Variable
A categorical variable with order but not amount such as one with “low”, “medium”, and “high” as values. Contrast with with nominal variable and continuous variable.
Outlier detection
Synonym for anomaly detection.
Overlap Threshold
In Azure Cognitive Service for Vision, the minimum percentage of overlap between predicted bounding boxes and ground truth boxes to be considered a correct prediction.
Phrase
In Azure Cognitive Service for Vision, a single result that describes an image. Each phrase has a confidence score. Contrast with “tag” which is a word that summarizes one attribute of an image.
Precision
When evaluating machine learning classification models, Precision = #True_Positive / (#True_Positive + #False_Positive). Measures how precise/accurate your model is. It’s the ratio between the correctly identified positives (true positives) and all identified positives. The precision metric reveals how many of the predicted classes are correctly labeled. Contrast with recall, which is the ratio between the predicted true positives and what was actually tagged as positive. Precision and recall are combined in the F1 score and mean average precision (mAP).
Prediction
In machine learning, a synonym for forecast.
Probability Threshold
In Azure Cognitive Service for Vision, the minimum probability score for a prediction to be valid when calculating precision and recall.
Prosodic unit
When Azure Speech breaks down a phonetic transcription to synthesize speech, a prosodic unit is a phrase, clause, or sentence which is used to create phonemes that will be converted to audio format.
Recall
When evaluating machine learning classification models, Recall = #True_Positive / (#True_Positive + #False_Negative). This measures the model’s ability to predict actual positive classes. It’s the ratio between the predicted true positives and what was actually tagged as positive. The recall metric reveals how many of the predicted classes are correct. Contrast with precision, which is the ratio between the correctly identified positives (true positives) and all identified positives. Recall and precision are combined in the F1 score and mean average precision (mAP).
Regression
A type of supervised machine learning that predicts numeric values. See also time series forecasting.
Regression Tree
Decision tree model where the target variable can take continuous values. Contrast with “classification tree”.
Reinforcement learning
A kind of machine learning technique that uses feedback to improve the outcomes from the model.
Relative absolute error (RAE)
When evaluating machine learning regression models, the relative absolute distance between expected and actual values; lower is better.
Relative squared error (RSE)
When evaluating machine learning regression models, the total squared error of the predicted values by dividing by the total squared error of the actual values; lower is better.
Residual values
When evaluating machine learning regression models, the difference between actual and predicted values.
Root mean squared error (RMSE)
When evaluating machine learning regression models, the square root of the average squared distance between the actual and the predicted values; lower is better.
Semantic segmentation
In Azure Cognitive Service for Vision, the ability to classify individual pixels in an image depending on the object that they represent.
Skillset
In an AI knowledge mining pipeline, the definition of the operations that extract and enrich data to make it searchable.
Smart tagging
A feature of Azure’s Computer Vision service that suggests classes and bounding boxes for images being added to the training dataset.
Stemming
In text analytics, a rule-based text normalization method that produces variants of a root/base word. Contrast with lemmatization which is a dictionary-based method for reducing a word to its canonical or dictianary form.
Tag
In Azure Cognitive Service for Vision, a word that summarizes an attribute of an image. Contrast with “phrase” which is a short description of the entire image.
Time series forecasting
A type of supervised machine learning that predicts numeric values at a future point in time. See also regression.
Utterance
In Azure Cognitive Service for Language, an example of something a user might say such as “Turn on the light” which the application must interpret as an entity (the light) and an intent (something like ‘‘TurnOn’’).
Vectorized model
In text analytics, a model that captures semantic relationships between words by assigning them to locations in n-dimensional space, where commonly related words are closer to each other.
F1 score
When evaluating machine learning classification models, F1 Score = 2 * Precision * Recall / (Precision + Recall). It’s a way of combining precision and recall into a single score, like mean average precision (mAP).
Confusion matrix
When evaluating machine learning classification models, a grid showing the number of true positives, true negatives, false positives, and false negatives.
F-score
When evaluating machine learning classification models, a combination of precision and recall as a weighted mean value. May be the same as F1 score.
Accuracy
When evaluating machine learning classification models, Accuracy = #True_Positives + #True_Negatives / #Predictions. Contrast with precision and recall.
Area under curve (AUC)
When evaluating machine learning classification models, AUC = true positive rate divided by true negative rate.
Azure Data Science Virtual Machine (DSVM)
A VM for Azure Machine Learning (Azure ML) that comes with ML tools and R and Python installed. It’s intended for users of Microsoft SQL Server ML.
DSVM
Azure Data Science Virtual Machine. A VM for Azure Machine Learning (Azure ML) that comes with ML tools and R and Python installed. It’s intended for users of Microsoft SQL Server ML.
Compute target
A compute resource in an Azure Machine Learning (Azure ML) workspace, such as a virtual machine or Azure Kubernetes Service (AKS) cluster.
Hyperparameter
A parameter for a machine learning model that controls how the training is done.
Inferencing
The use of a trained machine learning model to make predictions for new unseen data.
Open Neural Network Exchange (ONNX)
An open standard for machine learning interoperability.
ONNX
Open Neural Network Exchange. An open standard for machine learning interoperability.
Testing dataset
Synonym for validation dataset.
Validation dataset
Synonym for testing dataset.
Multi-service resource
In the context of Azure Cognitive Services, the Cognitive Services resource itself rather than a single-service resource like Custom Vision or Personalizer.
Single-service resource
In the context of Azure Cognitive Services, a specialized resource such as Text Analytics or Form Recognizer rather than the multi-service Cognitive Services resource.
Facial landmark
In facial analysis, the location of a part of a face such as the center of the left eye.
PosTag
Part of speech tagging
Semantic modeling
The process of identifying relationships between words.
Turn
In the Azure Bot service, one cycle of the bot receiving a message and sending a response back to the user.