In this glossary, you will find a comprehensive list of terms related to Edge Impulse and various related fields. The terms are organized alphabetically for easy reference. If you come across a term that you are unfamiliar with, you can look it up here to find a clear and concise definition. This glossary is designed to help you navigate the world of Edge Impulse and related technologies with confidence.
ADC (Analog-to-Digital Converter): Converts an analog signal into digital.
Algorithm: A procedure used for solving a problem or performing a computation.
ARM Processor: CPUs based on the RISC architecture, used in SBCs.
Artificial Intelligence (AI): The simulation of human intelligence in machines.
Attention Mechanism: A technique used in neural networks to focus on specific parts of the input sequence when making predictions. It is crucial in the architecture of transformers, which are used in LLMs.
Bioinformatics: Computational technology in molecular biology.
Biometric Monitoring: Tracking physiological data for health purposes.
Bidirectional Encoder Representations from Transformers (BERT): A pre-trained language model that uses transformers to process text in both directions, improving understanding and context.
Edge Computing: Processing data near its generation point.
Edge Impulse Studio: Development platform for AI on edge devices.
Embedded Linux: Linux OS/kernel used in embedded systems.
Embedded Programming: Writing software for embedded systems.
Embedded System: Computer hardware and software for specific functions.
Embedding: A representation of text where words or phrases are mapped to vectors of real numbers. Embeddings capture semantic meaning and are used as input to language models.
Edge Optimized Neural (EON) Compiler: A compiler that optimizes neural network models for edge devices, reducing memory and computational requirements.
Firmware: Software programmed into the read-only memory of electronic devices.
Fine-tuning: The process of further training a pre-trained model on a specific task with labeled data. Fine-tuning helps the model adapt to particular tasks or domains.
Float32: A type of numerical precision where each number is stored with decimal values and take 32 bits of computer memory to store.
FOMO (Faster Objects More Objects): is a novel machine learning algorithm designed to bring object detection to highly constrained devices. It allows for real-time object detection, tracking, and counting on microcontrollers, using up to 30x less processing power and memory than MobileNet SSD or YOLOv5. FOMO is capable of running in less than 200K of RAM and is fully compatible with any MobileNetV2 model. Outputs centroids and can run on microcontrollers Learn more.
FOMO-AD (Faster Objects More Objects for Anomaly Detection): is a learning block provided by Edge Impulse for handling defect identification in computer vision applications. It is designed for fast object detection deployment on resource-constrained devices like microcontrollers. The FOMO-AD learning block uses a combination of neural networks and Gaussian Mixture Models (GMMs) to identify unusual patterns or anomalies in image data that do not conform to expected behavior. Outputs a segmentation with anomaly scores. Learn more.
GPIO (General-Purpose Input/Output): Pins on an MCU controlled by the user.
GPIO Header: Group of pins on an SBC for interfacing with other circuits.
Personal Health Records (PHRs): Health records maintained by the patient.
Programmable Logic Controllers (PLCs): Programmable Logic Controllers (PLCs) are industrial-grade digital computers designed to perform control functions—especially in manufacturing and industrial processes. Initially developed to replace complex relay-based control systems, PLCs offer a flexible and efficient solution for automating tasks like machinery control, assembly line management, and other industrial operations. Read on
Prescriptive Maintenance: Maintenance strategy that uses data analysis and diagnostics.
Pre-training: The process of training a model on a large dataset in an unsupervised manner before fine-tuning it on a specific task. Pre-training helps the model learn general language representations.
Private Project: A private project is an Edge Impulse project only viewable, modifiable and clonable by the user, collaborators and organization members.
Project: An Edge Impulse project is an ML pipeline.
Prompt Engineering: The process of designing input prompts to effectively utilize the capabilities of large language models to perform specific tasks.
Public Project: A public project is an Edge Impulse project made public under the Apache 2.0 license with the community on the Edge Impulse community portal.
PWM (Pulse Width Modulation): Technique for analog results with digital means.
Self-Attention: A mechanism that allows the model to weigh the importance of different parts of the input sequence, enabling it to focus on relevant information when making predictions.
Sensor Data: Data from physical sensors like temperature, motion, etc.
Sensor Fusion: Combining data from multiple sensors to improve accuracy and reliability of machine learning models. Learn more.
Sequence-to-Sequence (Seq2Seq): A type of model architecture used for tasks where an input sequence is transformed into an output sequence, such as translation or summarization.
Smart Health: Advanced technologies in healthcare for monitoring and treatment.
SoC (System on Chip): An integrated circuit integrating all components of a computer.
SBC (Single Board Computer): A complete computer on one circuit board.
Telehealth: Health-related services via electronic technologies.
TensorFlow: A set of software tools focused on deep learning, published by Google.
LiteRT (previously Tensorflow Lite): A tool within TensorFlow that helps run inference on mobile and embedded Linux devices.
LiteRT (previously Tensorflow Lite) for Microcontrollers: A tool within TensorFlow that helps run inference on bare metal devices such as microcontrollers.
Tokenization: The process of converting a text into a sequence of tokens (words, subwords, or characters) that can be used as input for a language model.
Tiny Machine Learning (TinyML): ML for low-power devices.
Training: Teaching a machine learning model using data.
Transfer learning: A special technique for training models that reduces the amount of data required.
Transformer Model: A type of neural network architecture that uses self-attention mechanisms to process input data. Transformers are the foundation of many state-of-the-art LLMs, including BERT and GPT.
The Area Under the Receiver Operating Characteristic Curve (AUC-ROC) is a performance measurement for classification problems. The ROC curve is a plot of true positive rate (recall) against the false positive rate (1 - specificity). The AUC represents the degree or measure of separability, and it tells how much the model is capable of distinguishing between classes. The higher the AUC, the better the model. It is defined as:AUC=∫01TPR(f)dfwhere:
Cross-Entropy Loss is a measure used to quantify the difference between two probability distributions for a given random variable or set of events. It is defined as:H(y,y^)=−i∑yilog(y^i)
The Explained Variance Score measures the proportion to which a mathematical model accounts for the variation (dispersion) of a given data set. It is defined as:Explained Variance=1−Var(y)Var(y−y^)where:
(\text(y - \hat)) is the variance of the errors,
(\text(y)) is the variance of the actual values.
An Explained Variance Score close to 1 indicates that the model explains a large portion of the variance in the data.
The F1 score is a harmonic mean of precision and recall, providing a balance between them. It is calculated as:F1=2⋅precision+recallprecision⋅recallwhere:
precisionrecall
Mean Average Precision (mAP) is a common metric used to evaluate object detection models. It summarizes the precision-recall curve for different classes. It is calculated as:mAP=N1i=1∑NAPiwhere:
(N) is the number of classes,
(AP_i) is the Average Precision for class (i).
Average Precision (AP) is computed as the area under the precision-recall curve for a specific class. It integrates the precision over all recall values from 0 to 1. For object detection, AP can be calculated at different IoU thresholds to provide a comprehensive evaluation.In addition to the standard mAP, specific metrics include:
Mean Absolute Error (MAE) measures the average magnitude of the errors in a set of predictions, without considering their direction. It is calculated as:MAE=n1∑(i=1)n∣yi−y^i∣where:
Mean Squared Error (MSE) measures the average of the squares of the errors—that is, the average squared difference between the estimated values and the actual value. It is calculated as:MSE=n1∑(i=1)n(yi−y^i)2where:
The Softmax function is used for multi-class classification. It converts logits to probabilities that sum to 1. It is defined for class (j) as:σ(z)j=∑(k=1)Kezkezjforj=1,...,K
Weighted Average F1 Score takes into account the F1 score of each class and the number of instances for each class. It is defined as:WeightedAverageF1Score=∑(i=1)n(TP+FNTPi+FNi⋅F1i)where:
Weighted Average Precision takes into account the precision of each class and the number of instances for each class. It is defined as:WeightedAveragePrecision=∑(i=1)n(TP+FNTPi+FNi⋅Precisioni)where:
Weighted Average Recall takes into account the recall of each class and the number of instances for each class. It is defined as:WeightedAverageRecall=∑(i=1)n(TP+FNTPi+FNi⋅Recalli)where:
Weighted Average F1 Score takes into account the F1 score of each class and the number of instances for each class. It is defined as:WeightedAverageF1Score=∑(i=1)n(TP+FNTPi+FNi⋅F1i)where:
The terms in this glossary are defined based on their usage in Edge Impulse documentation and tutorials. Some terms may have different meanings in other contexts. For example, the term “project” is used in Edge Impulse to refer to a machine learning pipeline, but it may have other meanings in other contexts. If you are unsure about the meaning of a term, please refer to the context in which it is used in Edge Impulse documentation.Let us know if you have any questions or suggestions for this glossary. We are always aiming to keep up with the latest terminology in our documentation and resources please feel free to note any you feel we missed any or want to discuss these on our forum