Mathematics Dictionary
Absolute Value - The absolute value (or modulus) of a real number
is its distance from zero on the real number line, regardless of sign. Formally: Key points:
is always non-negative. - Geometrically,
represents the distance of from on the real line. - In
, this concept generalises to a norm , measuring a vector’s length.
Advanced uses:
- In complex analysis, for
, . - In real analysis, absolute values are critical in defining limits and convergence:
Algebra - Algebra is the branch of mathematics that studies symbols and the rules for manipulating them. It extends basic arithmetic by introducing variables to represent unknown or general quantities.
Scopes of algebra:
- Elementary Algebra:
- Solving linear and quadratic equations
- Factorising polynomials
- Manipulating algebraic expressions
- Abstract Algebra:
- Groups: A set with one operation satisfying closure, associativity, identity, and invertibility
- Rings: A set with two operations (addition, multiplication) generalising integer arithmetic
- Fields: A ring in which every nonzero element has a multiplicative inverse
Example: Solving a linear system:
- We can rewrite this system in matrix form and solve it using methods from linear algebra.
- The matrix representation is:
- Solving
typically involves finding the inverse of (when it exists) or using other factorizations (LU, QR, etc.).
Algebra underpins higher mathematics, from geometry (coordinate systems) to analysis (manipulating series expansions) and number theory (factorisation, modular arithmetic).
- Elementary Algebra:
Arithmetic - Arithmetic is the most elementary branch of mathematics, dealing with:
- Addition (
) - Subtraction (
) - Multiplication (
) - Division (
)
These operations extend naturally to concepts like integer factorisation, prime numbers, common divisors, and more.
Core properties:
- Commutative:
and . - Associative:
and . - Distributive:
.
Applications:
- Everyday calculations (e.g. budgeting, measurements)
- Foundation for algebra, number theory, and beyond
- Addition (
Asymptote - An asymptote of a function is a line (or curve) that the function approaches as the input or output grows large in magnitude.
Types:
- Horizontal:
if . - Vertical:
if . - Oblique (Slant):
if the function approaches that line as .
Example:
:- Horizontal asymptote at
, since - Vertical asymptote at
, since
To analyse numerically in R:
Observe how
tends to for large (horizontal asymptote) and diverges as approaches (vertical asymptote).- Horizontal:
Angle - An angle is formed by two rays (or line segments) that share a common endpoint, called the vertex. It measures the amount of rotation between these two rays.
Key characteristics:
- Units: Typically measured in degrees (
) or radians ( ). radians radians
- Special angles:
- Right angle:
or - Straight angle:
or
- Right angle:
Angle between two vectors
and :If
and :- Dot product:
- Norm:
Applications:
- Geometry (e.g. polygons, circles)
- Trigonometry (sine, cosine laws)
- Physics & engineering (rotational motion, phase angles)
- Units: Typically measured in degrees (
Binary Operation - A binary operation on a set
is a rule that combines two elements of (say, and ) to produce another element of . Symbolically, we often write .Examples:
- Addition (
) on integers: - Multiplication (
) on real numbers: - Matrix multiplication on square matrices of the same dimension
Properties:
- Associative:
- Commutative:
- Identity: An element
such that and for all - Inverse: An element
such that
Binary operations form the backbone of algebraic structures (groups, rings, fields) and underpin much of abstract algebra.
- Addition (
Binomial Theorem - The binomial theorem provides a formula to expand expressions of the form
for a nonnegative integer :where
denotes the binomial coefficient:Key points:
- It generalises the idea of multiplying out repeated factors of
. - The coefficients
can be read off from Pascal’s triangle. - Special cases include:
Applications:
- Algebraic expansions and simplifications
- Combinatorics (counting subsets, paths, etc.)
- Probability (binomial distributions)
- It generalises the idea of multiplying out repeated factors of
Bijection - A bijection (or bijective function) between two sets
and is a one-to-one and onto mapping:- One-to-one (Injective): Different elements in
map to different elements in . - Onto (Surjective): Every element of
is mapped from some element of .
Formally, a function
is bijective if:- If
then (injectivity). - For every
, there exists an such that (surjectivity).
Examples:
, , is bijective.- Exponential
from is bijective onto its image .
Bijective functions are crucial in algebra, combinatorics, and many areas of mathematics because they establish a perfect “pairing” between sets, enabling one-to-one correspondences (e.g., counting arguments in combinatorics).
- One-to-one (Injective): Different elements in
Basis - In linear algebra, a basis of a vector space
over a field is a set of vectors that:- Span
: Every vector in can be written as a linear combination of those basis vectors. - Are linearly independent: No vector in the set can be written as a linear combination of the others.
If
is a basis for , then any can be uniquely expressed as:where
.Examples:
- The set
is a basis for . - The set of monomials
forms a basis for the space of polynomials of degree .
Finding a basis is central to problems in linear algebra such as simplifying linear transformations, solving systems of equations, and diagonalising matrices.
- Span
Boundary - In topology (or geometric contexts), the boundary of a set
in a topological space is the set of points where every open neighbourhood of intersects both and its complement.Formally, the boundary of
, denoted , is:where
denotes the closure of a set . Intuitively, these are “edge” points that can’t be classified as entirely inside or outside without ambiguity.Examples:
- In
(with usual topology), the boundary of an interval is the set . - In
, the boundary of a disk of radius is the circle of radius .
Boundaries are key in analysis (defining open/closed sets) and in geometry (curves, surfaces).
- In
Calculus - Calculus is the branch of mathematics that deals with continuous change. It is traditionally divided into two main parts:
- Differential Calculus: Concerned with rates of change and slopes of curves.
- Integral Calculus: Focuses on accumulation of quantities, areas under curves, etc.
Core concepts:
- Limit:
if for all small enough ranges around , the function remains close to . - Derivative:
which measures the instantaneous rate of change of at . - Integral:
represents the area under from to (in one dimension).
Calculus is foundational in physics, engineering, economics, statistics, and many other fields.
Chain Rule - In differential calculus, the chain rule provides a way to compute the derivative of a composite function. If
and are differentiable, and , then:Key points:
- It generalises the idea that the rate of change of a composition depends on the rate of change of the outer function evaluated at the inner function, multiplied by the rate of change of the inner function itself.
- It appears frequently in problems involving functions of functions, e.g. if
and .
Example:
- If
, then letting , we have .- Thus,
.
Curl - In vector calculus, the curl of a 3D vector field
measures the field’s tendency to rotate about a point. Using the nabla operator ∇:Key points:
- If curl = 0, the field is irrotational (conservative, under certain conditions).
- Vital in fluid flow, electromagnetics (e.g., Maxwell’s equations).
R demonstration (approx numeric partials for a simple field):
Combination - In combinatorics, a combination is a way of selecting items from a collection, such that (unlike permutations) order does not matter.
- The number of ways to choose
items from items is given by the binomial coefficient:
Key points:
is also read as “n choose k.”- Combinations are used in probability, counting arguments, and binomial expansions.
Example:
- Choosing 3 team members from 10 candidates is
.
- The number of ways to choose
Cardinality - In set theory, cardinality is a measure of the “number of elements” in a set. For finite sets, cardinality matches the usual concept of counting elements. For infinite sets, cardinalities compare the sizes of infinite sets via bijections.
Examples:
- The set
has cardinality 3. - The set of even integers has the same cardinality as the set of all integers (
), since they can be put into a one-to-one correspondence. - The real numbers have a strictly larger cardinality than the integers (uncountable infinity).
Cardinality helps classify and understand different types of infinities and is fundamental to understanding set-theoretic properties, such as countability vs. uncountability.
- The set
Covariance - In statistics and probability theory, covariance measures the joint variability of two random variables
and :Key observations:
- If
and tend to increase together, covariance is positive. - If one tends to increase when the other decreases, covariance is negative.
- A covariance of zero does not necessarily imply independence (unless under specific conditions, like normality).
Example in R:
Covariance forms the basis of correlation (a normalised version of covariance) and is central in statistics (e.g., linear regression, portfolio variance in finance).
- If
Derivative - In calculus, the derivative of a function
at a point measures the rate at which changes with respect to .Formally, the derivative
is defined by:Key points:
- Geometric interpretation: The slope of the tangent line to
at . - Practical interpretation: Instantaneous rate of change (e.g. velocity from position).
Simple R demonstration (numerical approximation):
We see that
exactly, while our numeric approximation should be close to 4 for a suitably small .- Geometric interpretation: The slope of the tangent line to
Divergence - In vector calculus, the divergence of a vector field
is a scalar measure of how much the field “spreads out” (source/sink). Using the nabla operator ∇:Key points:
- If divergence is zero everywhere, the field is solenoidal (incompressible).
- Common in fluid dynamics, electromagnetics, etc.
R demonstration (approx numeric partials of a simple 3D field):
Dimension - Dimension generally refers to the number of coordinates needed to specify a point in a space:
- In geometry, 2D refers to a plane, 3D to space, etc.
- In linear algebra, dimension is the cardinality of a basis for a vector space.
- In data science, dimension often describes the number of features or columns in a dataset.
Linear algebra perspective: If
is a vector space over a field and is a basis for , then .R demonstration (showing dimension of a data.table):
We have a 5 × 3 data.table, so we can say it has 3 “features” or columns in that sense, but in linear algebra, dimension has a more formal meaning related to basis and span.
Determinant - For a square matrix
, the determinant is a scalar that can be computed from the elements of . It provides important information: indicates is not invertible (singular). indicates is invertible (nonsingular).- Geometrically, for a 2D matrix, the absolute value of the determinant gives the area scaling factor of the linear transformation represented by
.
For a 2×2 matrix:
Example in R:
Decision Tree - A decision tree is a model that splits data by features to produce a tree of decisions for classification or regression. Nodes perform tests (e.g.,
), and leaves provide outcomes or values.Key points:
- For classification, we measure impurity using entropy or Gini index, splitting to maximise information-gain.
- For regression, splits often minimise sum of squared errors in leaves.
R demonstration (using
rpart
for a simple tree):Discrete Random Variable - A discrete random variable is one that takes on a countable set of values (often integers). Typical examples include:
- Number of heads in
coin tosses - Number of customers arriving at a store in an hour (Poisson process)
Probability Mass Function (pmf) for a discrete random variable
:where
over all possible .R demonstration (creating a binomial discrete variable):
- Number of heads in
Distribution - In probability and statistics, a distribution describes how values of a random variable are spread out. It can be specified by a probability density function (pdf) for continuous variables or a probability mass function (pmf) for discrete variables.
Common examples:
- Normal distribution:
- Binomial distribution: Counts successes in
independent Bernoulli trials - Poisson distribution: Counts events in a fixed interval with known average rate
R demonstration (sampling from a normal distribution and visualising via ggplot2):
- Normal distribution:
Ellipse - An ellipse is a curve on a plane, defined as the locus of points where the sum of the distances to two fixed points (foci) is constant.
Standard form (centred at the origin):
where
and are the semi-major and semi-minor axes, respectively.R demonstration (plotting an ellipse with ggplot2):
Entropy - In information theory, entropy quantifies the average amount of information contained in a random variable’s possible outcomes. For a discrete random variable
with pmf , the Shannon entropy (in bits) is:Key points:
- Entropy is maximised when all outcomes are equally likely.
- Low entropy implies outcomes are more predictable.
- It underpins coding theory, compressions, and measures of uncertainty.
R demonstration (computing entropy of a discrete distribution):
Eigenvalue - In linear algebra, an eigenvalue of a square matrix
is a scalar such that there exists a nonzero vector (the eigenvector) satisfying:Key points:
- Eigenvalues reveal important properties of linear transformations (e.g., scaling factors in certain directions).
- If
is an eigenvalue, then is an eigenvector corresponding to . - The polynomial
is the characteristic equation that yields eigenvalues.
R demonstration (finding eigenvalues of a 2x2 matrix):
Expectation - In probability theory, the expectation (or expected value) of a random variable
represents the long-run average outcome of after many repetitions of an experiment.For a discrete random variable:
For a continuous random variable:
where
is the probability density function.R demonstration (empirical estimation of expectation):
Field - In abstract algebra, a field is a ring in which every nonzero element has a multiplicative inverse. The real numbers
and rational numbers are classic examples of fields.Key points:
- Both addition and multiplication exist and distribute.
- Every nonzero element is invertible under multiplication.
- Foundation of much of modern mathematics (vector spaces, linear algebra).
No direct R demonstration typical.
Fourier Transform - The Fourier transform is a powerful integral transform that expresses a function of time (or space) as a function of frequency. For a function
,Key points:
- Decomposes signals into sums (integrals) of sines and cosines (complex exponentials).
- Essential in signal processing, differential equations, image analysis, etc.
Discrete analogue (DFT) in R demonstration:
Function - A function
from a set to a set is a rule that assigns each element exactly one element . We write:Key points:
- Each input has exactly one output (well-defined).
- One of the most fundamental concepts in mathematics.
R demonstration (defining a simple function in R):
Fractal - A fractal is a geometric object that often exhibits self-similarity at various scales. Examples include the Mandelbrot set, Julia sets, and natural phenomena (coastlines, etc.).
Key traits:
- Self-similarity: Zoomed-in portions look similar to the original.
- Fractional dimension: Dimension can be non-integer.
- Often defined recursively or via iterative processes.
R demonstration (a simple iteration for the Koch snowflake boundary length, numerical only):
Factorial - For a positive integer
, the factorial is defined as:By convention,
.Key points:
- Factorials grow very quickly (super-exponential growth).
- Central to combinatorics:
counts the number of ways to arrange distinct objects. - Appears in formulas such as binomial coefficients
.
R demonstration (illustrating factorial growth):
Frequency - Frequency in mathematics and statistics can refer to:
- Statistical frequency: How often a value appears in a dataset.
- Periodic phenomenon: The number of cycles per unit time (e.g., in sine waves, signals).
Statistical frequency:
- Relative frequency = count of event / total observations.
- Frequency table is a basic summary in data analysis.
Periodic frequency (in signals):
- If
, then is the frequency in cycles per unit time.
R demonstration (calculating frequencies in a categorical dataset):
Group - In abstract algebra, a group is a set
together with a binary operation satisfying:- Closure: For all
, . - Associativity:
. - Identity: There exists
such that for all . - Inverse: For each
, there exists with .
Examples:
- Integers under addition
- Nonzero real numbers under multiplication
- Symmetry groups in geometry
While direct R demonstration is less obvious, one could illustrate a finite group:
This small table demonstrates closure in the group. Associativity, identity, and inverses also hold, though not explicitly shown here.
- Closure: For all
Gradient - In multivariable calculus, the gradient of a scalar field
is the vector of its partial derivatives:Interpretation:
- Points in the direction of steepest ascent of
. - Magnitude represents the rate of increase in that direction.
R demonstration (numerically approximating a gradient for
at ):- Points in the direction of steepest ascent of
Generating Function - A generating function is a formal power series whose coefficients encode information about a sequence
. For instance:Key points:
- Used extensively in combinatorics to derive closed forms or recurrences.
- Different types (ordinary, exponential) depending on the combinatorial interpretation.
Example: The ordinary generating function for the sequence
isNo direct data.table example is typical here, but generating functions are used in discrete math. One might do symbolic manipulations with external packages. We can, however, illustrate partial sums numerically:
Graph - In graph theory, a graph is a set of vertices (nodes) connected by edges (links). Formally, a graph
is a pair where is the set of vertices and is the set of edges (which are pairs of vertices).Types:
- Simple vs. multigraph (multiple edges)
- Directed vs. undirected
- Weighted vs. unweighted
Applications:
- Social networks (people as nodes, relationships as edges)
- Transportation (cities as nodes, roads as edges)
- Computer science (data structures, BFS/DFS, shortest paths)
R demonstration (constructing a small graph with igraph):
GAN (Generative Adversarial Network) - A GAN consists of two neural networks: a generator
that produces synthetic data from random noise, and a discriminator that tries to distinguish real data from generated data. They play a minimax game:Key points:
- The generator improves to fool the discriminator, while the discriminator improves to detect fakes.
- Commonly used for image synthesis, text generation, etc.
R demonstration (Again, implementing a full GAN in R is nontrivial, but we show a minimal conceptual snippet):
Gamma Function - The Gamma function generalises the factorial to complex (and real) arguments. For
,Key property:
for positive integers .Key points:
- Extends factorial beyond integers (e.g.,
). - Appears often in probability (Gamma distribution) and complex analysis.
R demonstration (Gamma function values):
- Extends factorial beyond integers (e.g.,
Homomorphism - In algebra, a homomorphism is a structure-preserving map between two algebraic structures of the same type. For instance, a group homomorphism between groups
and is a functionsuch that:
where
is the operation in and is the operation in (see group for more on group operations).This ensures that the algebraic structure (associativity, identity, inverses) is respected.
No direct R demonstration is typical for homomorphisms, but we can quickly illustrate a trivial map:
Heaviside Step Function - The Heaviside step function, often denoted
, is defined by:Key points:
- Used in signal processing and differential equations to represent a “switch on” at
. - Sometimes defined with
or other conventions.
R demonstration:
- Used in signal processing and differential equations to represent a “switch on” at
Hyperbola - A hyperbola is a conic section formed by the intersection of a plane and a double cone, but at a steeper angle than that of a parabola. In standard form, a hyperbola centered at the origin can be written as:
(for the east-west opening case). Hyperbolas have two branches and characteristic asymptote lines that the hyperbola approaches as
or .R demonstration (plotting a hyperbola segment in ggplot2):
Hierarchical Clustering - A clustering method that builds a hierarchy of clusters either bottom-up (agglomerative) or top-down (divisive). Distances between clusters can be defined by single, complete, average linkage, etc. A dendrogram shows the merge/split hierarchy.
Algorithm (agglomerative):
- Start with each point as its own cluster.
- Merge clusters pairwise based on smallest distance until one cluster remains.
Distance metrics:
- Single linkage:
- Complete linkage:
R demonstration (using
hclust
on 2D data):Harmonic Mean - The harmonic mean of a set of positive numbers
is defined by:- This measure is particularly useful when averaging rates or ratios.
- Compare with the arithmetic mean (the usual average), and other means (geometric, quadratic, etc.).
R demonstration (computing harmonic mean):
Histogram - A histogram is a graphical representation of the distribution of numerical data. It groups data into bins (intervals) and displays the count or frequency within each bin, providing a quick visual of how values are spread.
It’s directly related to a distribution in statistics, visually summarising the frequency or relative frequency of data within specified intervals.
R demonstration (constructing a histogram):
Hypothesis Testing - In statistics, hypothesis testing is a method to decide whether sample data support or refute a particular hypothesis about a population parameter or distribution.
Common steps:
- State the null hypothesis (
) and an alternative hypothesis ( ). - Choose a significance level (
) and test statistic. - Compute the p-value from sample data.
- Reject or fail to reject
based on whether the p-value is below .
R demonstration (example t-test):
- State the null hypothesis (
Induction - Mathematical induction is a proof technique used to show that a statement holds for all natural numbers. It involves two steps:
- Base Case: Prove the statement for the first natural number (often
). - Inductive Step: Assume the statement holds for some
, and then prove it holds for .
This relies on the well-ordering principle of the natural numbers.
Consider a simple example with arithmetic progressions:
- We may prove
by induction.
No complicated R demonstration is typical here, but we can at least verify sums for a few values:
- Base Case: Prove the statement for the first natural number (often
Interval - In analysis, an interval is a connected subset of the real-number-line. Common types of intervals include:
- Open interval:
- Closed interval:
- Half-open / half-closed:
, etc.
Intervals are the building blocks of basic topology on the real line and are central in defining integrals, continuity, and other concepts of real analysis.
- Open interval:
Integral - In calculus, an integral represents the accumulation of quantities or the area under a curve. It is the inverse operation to the derivative (by the Fundamental Theorem of Calculus).
For a function
, the definite integral from to is:Key points:
- Indefinite integral:
, where . - Riemann sums approximate integrals by partitioning the interval and summing “area slices.”
R demonstration (numeric approximation of an integral via trapezoidal rule):
- Indefinite integral:
Injection - In functions (set theory), an injection (or one-to-one function) is a function
such that different elements of always map to different elements of . Formally:Key points:
- No two distinct elements in
share the same image in . - Contrasts with surjection (onto) and bijection (one-to-one and onto).
R demonstration (not typical, but we can check uniqueness in a numeric map):
- No two distinct elements in
Identity Matrix - In linear algebra, the identity matrix
is an square matrix with ones on the main diagonal and zeros elsewhere:Key points:
serves as the multiplicative identity for matrices: .- Its determinant is 1 for all
. - Invertible matrices always have an identity matrix (the “unit” of their multiplicative structure).
R demonstration (creating identity matrices):
Intersection - In set theory, the intersection of two sets
and is the set of elements that belong to both and . Symbolically:- Compare this with the union
, which combines all elements in either or . - The empty set
results if and share no elements.
No special R demonstration is typically needed, but we can illustrate a basic example using sets as vectors:
- Compare this with the union
Jensen's Inequality - In analysis, Jensen’s inequality states that for a convex function
and a random variable ,If
is concave, the inequality reverses. This has deep implications in expectation and probability theory.R demonstration (empirical illustration):
Jacobian - In multivariable calculus, the Jacobian of a vector function
is the matrix of all first-order partial derivatives:- The determinant of this matrix (if
) is often used in change-of-variable formulas. - It generalises the concept of the gradient (when
).
R demonstration (numerical approximation of a Jacobian):
- The determinant of this matrix (if
Julia Set - In complex dynamics, a Julia set is the boundary of points in the complex plane describing the behaviour of a complex function, often associated with the iteration of polynomials like
. Julia sets are typical examples of a fractal.Key points:
- For each complex parameter
, there is a distinct Julia set. - The set often exhibits self-similarity and intricate boundaries.
R demonstration (simple iteration to classify points):
- For each complex parameter
Jordan Normal Form - In linear algebra, the Jordan normal form (or Jordan canonical form) of a matrix is a block diagonal matrix with Jordan blocks, each corresponding to an eigenvalue.
A Jordan block for an eigenvalue
looks like:The Jordan form classifies matrices up to similarity transformations and is critical in solving systems of linear differential equations and more.
R demonstration (no built-in base R function to compute Jordan form, but we can show a small example):
Joint Distribution - In statistics, a joint distribution describes the probability distribution of two or more random variables simultaneously. If
and are two random variables:- Joint pmf (discrete case):
- Joint pdf (continuous case):
It extends the idea of a single-variable distribution to multiple dimensions.
R demonstration (bivariate normal sampling):
- Joint pmf (discrete case):
Kolmogorov Complexity - In algorithmic information theory, Kolmogorov complexity of a string is the length of the shortest description (program) that can produce that string on a universal computer (like a universal Turing machine).
Key Points:
- Measures the “information content” of a string.
- Uncomputable in the general case (no algorithm can compute the exact Kolmogorov complexity for every string).
- Often used to reason about randomness and compressibility.
No direct R demonstration is typical, as computing or estimating Kolmogorov complexity is a deep problem, but we can reason about approximate compression lengths with standard compressors.
Kruskal's Algorithm - In graph theory, Kruskal's algorithm finds a minimum spanning tree (MST) of a weighted graph by:
- Sorting edges in order of increasing weight.
- Adding edges one by one to the MST, provided they do not form a cycle.
- Repeating until all vertices are connected or edges are exhausted.
This greedy approach ensures an MST if the graph is connected.
R demonstration (a small example with igraph):
K-Nearest Neighbors (KNN) - A KNN classifier (or regressor) predicts the label (or value) of a new point
by looking at the k closest points (in some distance metric) in the training set. For classification, it uses a majority vote among neighbors; for regression, it averages the neighbor values.Mathematical form (for classification):
where
is the set of k nearest neighbors under a chosen distance (often Euclidean).R demonstration (using
class::knn
for classification):K-means - In cluster analysis, k-means is an algorithm that partitions
observations into clusters. Each observation belongs to the cluster with the nearest mean (cluster centre).Algorithm Outline:
- Choose
initial centroids. - Assign each data point to its nearest centroid.
- Recompute centroids as the mean of points in each cluster.
- Repeat steps 2-3 until assignments stabilize or a maximum iteration count is reached.
K-means often assumes data in a continuous space and can leverage knowledge of the distribution of points to identify cluster structure.
R demonstration (basic example):
- Choose
Kurtosis - In statistics, kurtosis measures the “tailedness” of a distribution. The standard formula for sample kurtosis (excess kurtosis) is often:
- High kurtosis: heavy tails, outliers are more frequent.
- Low kurtosis: light tails, fewer extreme outliers (relative to a normal distribution).
R demonstration:
Laplace Transform - In calculus, the Laplace transform of a function
(for ) is defined by the integral:assuming the integral converges.
Key points:
- Simplifies solving ordinary differential equations by converting them into algebraic equations in the
-domain. - Inverse Laplace transform recovers
from .
R demonstration (no base R function for Laplace transforms, but we can do numeric approximations or use external packages. We show a naive numeric approach for a simple function
):- Simplifies solving ordinary differential equations by converting them into algebraic equations in the
Laplacian - In multivariable calculus, the Laplacian of a scalar function
is denoted by or , and is defined as:- In 2D:
. - In 3D:
. - The concept generalises to higher dimension.
- The Laplacian is crucial in PDEs like the heat equation and wave equation.
No direct R built-in for second partial derivatives numerically, but we can approximate:
- In 2D:
L'Hôpital's Rule - In calculus, L'Hôpital's rule is a result for evaluating certain indeterminate forms of limit expressions. If
produces indeterminate forms like
or , then (under certain conditions involving differentiability and continuity):provided the latter limit exists. It relies on the concept of the derivative.
Simple R demonstration (symbolic approach would be used in a CAS, but we can do numeric checks):
We can see the ratio near x=1 is close to the ratio of derivatives at that point:
- f'(x) = 2x
- g'(x) = 1 So at x=1, ratio ~ 2(1)/1 = 2.
Limit - In calculus, a limit describes the value that a function (or sequence) “approaches” as the input (or index) moves toward some point. For a function
:means that
can be made arbitrarily close to by taking sufficiently close to .Key role in:
- Defining the derivative:
. - Defining continuity and integrals.
R demonstration (numeric approximation of a limit at a point):
- Defining the derivative:
LDA (Linear Discriminant Analysis) - A linear discriminant analysis technique for classification which finds a linear combination of features that best separates classes. It aims to maximise between-class variance over within-class variance.
Mathematical objective: Given classes
, let be their means and the pooled covariance (assuming classes share the same covariance). We want to find a projection vector solving:where
is between-class scatter, is within-class scatter.
R demonstration (using
MASS::lda
on synthetic data):Linear Regression - In machine learning and statistics, linear regression models the relationship between a scalar response
and one or more explanatory variables (features) by fitting a linear equation:Key points:
- Least squares estimates the coefficients
by minimising the sum of squared residuals. - The fitted line (or hyperplane in multiple dimensions) can be used for prediction and inference.
Mathematical formula: If we have data
for i=1..m in a single-feature scenario, the sum of squared errors is:We find
that minimise this sum.R demonstration (fitting a simple linear regression using base R):
- Least squares estimates the coefficients
LLM (Large Language Model) - A large language model is typically a Transformer-based or similarly advanced architecture with billions (or more) of parameters, trained on massive text corpora to generate coherent text or perform NLP tasks.
Key points:
- Uses self-attention to handle long contexts.
- Learns complex linguistic structures, can generate next tokens based on context.
Mathematical gist: At each token step, an LLM computes a probability distribution over the vocabulary:
where
is the hidden representation after attention layers.R demonstration (We can show a mini example of text generation with
keras
, but typically giant LLM training isn't feasible in R. We'll do conceptual snippet):Likelihood - In statistics, the likelihood function measures how well a given model parameter explains observed data. It’s similar to a distribution but viewed from the parameter’s perspective:
- For data
and parameter , the likelihood is often expressed as , the probability of observing given .
Key points:
- Maximum likelihood estimation chooses
that maximises . - Log-likelihood is commonly used for convenience:
.
R demonstration (fitting a simple normal likelihood):
- For data
Monoid - In abstract algebra, a monoid is a semigroup with an identity element. Specifically, a set
with an associative binary operation and an identity element so:- Associativity:
for all . - Identity:
for all .
Key points:
- A group is a monoid where every element also has an inverse.
- Examples: Natural numbers under addition with identity 0, strings under concatenation with identity "" (empty string).
No direct R demonstration typical, but we can show a small "string monoid":
- Associativity:
Matrix - A matrix is a rectangular array of numbers (or more abstract objects) arranged in rows and columns. Matrices are fundamental in determinant calculations, linear transformations, and a variety of applications:
Key operations:
- Addition and scalar multiplication (element-wise).
- Matrix multiplication.
- Transposition and inversion (if square and invertible).
R demonstration (basic matrix creation and operations):
Markov Chain - In probability, a Markov chain is a stochastic-process with the Markov property: the next state depends only on the current state, not the history. Formally:
Key points:
- Transition probabilities can be arranged in a matrix for finite state spaces.
- Widely used in queueing, random walks, genetics, finance.
R demonstration (a simple Markov chain simulation):
Mutually Exclusive Events - In probability, two events
and are mutually exclusive (or disjoint) if they cannot happen simultaneously:In other words,
. The union of mutually exclusive events has a probability that’s just the sum of their individual probabilities:since
and never overlap.R demonstration: no direct R function, but we can illustrate logic:
Mean - In statistics, the mean (or average) of a set of values
is:This is the arithmetic mean. Compare to the harmonic-mean or geometric mean for other contexts. The mean is often used to summarise a distribution.
R demonstration:
Median - In statistics, the median is the value separating the higher half from the lower half of a distribution. For an ordered dataset of size
:- If
is odd, the median is the middle value. - If
is even, the median is the average of the two middle values.
R demonstration:
- If
Mode - In statistics, the mode is the most frequently occurring value in a distribution. Some distributions (e.g., uniform) may have multiple modes (or no strong mode) if all values are equally likely.
R demonstration (custom function):
Manifold - In topology and differential geometry, a manifold is a topological-space that locally resembles Euclidean space. Formally, an
-dimensional manifold is a space where every point has a neighbourhood homeomorphic to .Key points:
- The concept of dimension is central: a 2D manifold locally looks like a plane, a 3D manifold like space, etc.
- Smooth manifolds allow calculus-like operations on them.
No direct R demonstration, but we can illustrate how to store a “chart” or local coordinate system conceptually:
Nested Radical - A nested radical is an expression containing radicals (square roots, etc.) inside other radicals, for example:
Such expressions sometimes simplify to closed-forms. A famous example is:
Though symbolic manipulation is more typical than numeric for these. Minimal R demonstration here:
Number Line - The number line (real line) is a straight line on which every real number corresponds to a unique point. Basic structures like an interval are subsets of the number line:
- Negative numbers extend to the left, positive numbers to the right.
- Zero is typically placed at the origin.
No direct R demonstration is typical, but we can illustrate numeric representations:
Non-Euclidean Geometry - In geometry, non-Euclidean geometry refers to either hyperbolic or elliptic geometry (or others) that reject or modify Euclid’s fifth postulate (the parallel postulate).
Key points:
- Hyperbolic geometry: infinite lines diverge more rapidly, sums of angles in triangles are < 180°.
- Elliptic geometry: lines “curve,” angles in triangles sum to > 180°.
No standard R demonstration, but we might explore transformations or plots for illustrative geometry.
Naive Bayes - In machine learning, Naive Bayes is a probabilistic classifier applying Bayes' theorem with a “naive” (independence) assumption among features given the class. For a class
and features :Key points:
- Independence assumption simplifies computation of
. - Effective in text classification (bag-of-words assumption).
R demonstration (using
e1071::naiveBayes
on synthetic data):- Independence assumption simplifies computation of
Neural Network - In machine learning, a neural network is a collection of connected units (neurons) arranged in layers. Each neuron computes a weighted sum of inputs, applies an activation function
, and passes the result to the next layer.Key points:
- A typical feed-forward network with one hidden layer might compute: '60196' z_1^1 = \sigma( W_1 x + b_1), \quad z_2^2 = \sigma( W_2 z_1^1 + b_2 ), '60196'
- Training uses gradient-based optimisation (see gradient) (e.g., backpropagation) to adjust weights.
R demonstration (a small neural network using
nnet
package):Normal Distribution - In statistics, the normal distribution (or Gaussian) is a continuous probability distribution with probability density function:
where '56956'\mu'56956' is the mean and '56956'\sigma^2'56956' is the variance.
Key points:
- Symmetric, bell-shaped curve.
- Many natural phenomena approximate normality by Central Limit Theorem arguments.
R demonstration:
Null Hypothesis - In statistics, the null hypothesis (commonly denoted
) is a baseline assumption or “no change” scenario in hypothesis-testing. Typically, states that there is no effect or no difference between groups.Key points:
- We either “reject
” or “fail to reject ” based on data evidence. - The alternative hypothesis
or posits the effect or difference.
R demonstration (t-test example, focusing on
that the population means are equal):- We either “reject
Odd Function - A function
is called odd if:for all x in the domain. Graphically, odd functions exhibit symmetry about the origin. Classic examples include
or . Compare with function in general.R demonstration (simple numeric check for an odd function
):One-Hot Encoding - In data science and machine learning, one-hot encoding is a method to transform categorical variables into numeric arrays with only one “active” position. For example, a feature “colour” with possible values (red, green, blue) might become:
- red: (1, 0, 0)
- green: (0, 1, 0)
- blue: (0, 0, 1)
R demonstration (converting a factor to dummy variables):
Orthogonal - In linear algebra, vectors (or subspaces) are orthogonal if their dot product is zero. A set of vectors is orthogonal if every pair of distinct vectors in the set is orthogonal. A matrix is an orthogonal matrix if
.Key points:
- Orthogonality generalises the concept of perpendicularity in higher dimensions.
- Orthogonal transformations preserve lengths and angles.
R demonstration (check if a matrix is orthogonal):
Order Statistic - In statistics, an order statistic is one of the values in a sorted sample. Given
data points, the th order statistic is the th smallest value. The median is a well-known order statistic (middle value for odd ).Key points:
- Distribution of order statistics helps in confidence intervals, extreme value theory.
- The minimum is the 1st order statistic, the maximum is the
th.
R demonstration:
Outlier - In statistics, an outlier is a data point significantly distant from the rest of the distribution. Outliers can arise from measurement errors, heavy-tailed distributions, or genuine extreme events.
Key points:
- Outliers can skew means, inflate variances, or distort analyses.
- Detection methods include IQR-based rules, z-scores, or robust statistics.
R demonstration (basic detection via boxplot stats):
Partial Derivative - In multivariable calculus, a partial derivative of a function
with respect to
is the derivative treating as the only variable, holding others constant:Key points:
- Used in computing the gradient.
- The concept generalises derivative to higher dimensions.
R demonstration (numerical approximation for
wrt ):Permutation - In combinatorics, a permutation is an arrangement of all or part of a set of objects in a specific order. For
distinct elements, the number of ways to arrange all of them is . When selecting from in an ordered manner:Compare with a combination, where order does not matter.
R demonstration (simple function for permutation count):
PPO (Proximal Policy Optimization) - An advanced reinforcement learning algorithm by OpenAI, improving policy gradient methods by controlling how far the new policy can deviate from the old policy. The objective uses a clipped surrogate function:
where:
, is an advantage estimate at time t, is a hyperparameter (like 0.1 or 0.2).
Key points:
- Prevents large policy updates that break old policy.
- Often combined with a value function critic for advantage estimation.
R demonstration (No standard PPO in base R, but let's conceptually illustrate partial code with
rlang
? We'll do a simplified snippet):Percentile - In statistics, a percentile is a measure used to indicate the value below which a given percentage of observations in a group of observations falls. For example, the 50th percentile is the median.
Key points:
- Commonly used in test scores, growth charts, and any context where relative standing is measured.
- The distribution of data helps interpret percentile rank.
R demonstration (finding percentiles via
quantile
):Poisson Distribution - In probability, the Poisson distribution is a discrete distribution describing the probability of a number of events occurring in a fixed interval, given the events occur with a known average rate (the mean) and independently of the time since the last event.
Its pmf for
is:where '57323'\lambda'57323' is both the mean and the variance of the distribution.
R demonstration:
Proportion - In statistics, a proportion represents a fraction of the whole—essentially, how many observations fall into a particular category, divided by the total.
Key points:
- Used in categorical data analysis.
- Confidence intervals for a proportion use techniques like the Wald method, Wilson method, etc.
R demonstration (simple proportion of “heads” in coin flips):
Quadratic - A quadratic function is a polynomial of degree 2, often written as:
with
. The graph is a parabola. The derivative reveals a linear slope; arithmetic underlies basic manipulations.R demonstration:
Quartic - A quartic function (or bi-quadratic) is a polynomial of degree 4:
where
. Solving general quartic equations analytically is more complex than quadratics but is still possible via Ferrari’s method or by decomposition.R demonstration (plotting a quartic):
Quaternion - In algebra, a quaternion is a hypercomplex number of the form
where
and follow certain multiplication rules ( ).Key points:
- Noncommutative:
but . - Used in 3D rotations (e.g., in computer graphics, robotics).
No direct base R demonstration of quaternions, but certain libraries handle them. Let’s just illustrate we can store them as a list:
- Noncommutative:
Q-Learning - A reinforcement learning algorithm that learns a value function
giving the expected cumulative reward for taking action in state , then following some policy. The update rule:where:
is the learning rate, is the discount factor, is the immediate reward after performing action in state to reach new state .
Key points:
- Model-free: no prior knowledge of environment dynamics is needed.
- A type of Markov-chain approach if states follow Markov property.
R demonstration (mini example of a gridworld Q-learning approach, conceptual code only):
Queueing Theory - In probability and operations research, queueing theory studies the behaviour of waiting lines or queues. Models often involve a Poisson arrival distribution and exponential service times, e.g., the M/M/1 queue.
Key points:
- Performance measures: average waiting time, queue length, server utilisation.
- Widely applied in telecommunications, computer networks, and service systems.
R demonstration (simulation of a simple queue, optional approaches exist but we show a conceptual snippet):
Quartile - In statistics, a quartile is a special case of a percentile that divides the data into four equal parts. The second quartile (Q2) is the median. The first quartile (Q1) and third quartile (Q3) frame the interquartile range (IQR).
R demonstration (computing quartiles via
quantile
):Ring - In abstract algebra, a ring is a set equipped with two binary operations (usually called addition and multiplication), satisfying:
- (R, +) is an abelian group.
- Multiplication is associative.
- Distributive laws link the two operations:
and .
Key points:
- Rings may or may not have a multiplicative identity (1). If present, we say it’s a “ring with unity.”
- A field is a ring where every nonzero element has a multiplicative inverse.
No direct R demonstration typical for ring structure, but we can mention integer arithmetic as a ring:
Rational Number - In analysis/number theory, a rational number is a number that can be expressed as a fraction
with integers and . The set of all rational numbers is typically denoted .Key points:
- Dense in the real line but countable.
- Opposite concept: irrational numbers (like
or ) cannot be written as a fraction of integers.
Minimal R demonstration: standard numeric types are floating approximations. No direct “rational type” in base R, though external packages exist:
Real Number - A real number is a value on the continuous number-line, including both rational and irrational numbers. The set of real numbers is typically denoted
. Intervals (see interval) are subsets of real numbers.Key points:
- Complete ordered field: every Cauchy sequence converges in
. - Used in nearly all continuous mathematics contexts (calculus, analysis, measurement).
No special R demonstration: standard R numeric types approximate real numbers (double precision floats).
- Complete ordered field: every Cauchy sequence converges in
Rank - In linear algebra, the rank of a matrix
is the dimension of its column space (or row space). Equivalently, it’s the maximum number of linearly independent columns (or rows). The rank also ties into the concept of dimension of the image (column space) of a linear transformation.Key points:
- If
for an matrix, the matrix is not full rank. - The rank-nullity theorem:
.
R demonstration (finding rank of a matrix):
- If
Random Variable - In probability theory, a random variable is a function that assigns a real number to each outcome in a sample space. It links randomness (abstract events) to numerical values for analysis (via a distribution).
Key points:
- Can be discrete or continuous.
- The expectation of a random variable provides a measure of its average outcome.
R demonstration (sampling a random variable
):Range - In statistics, the range of a set of data is the difference between the maximum and minimum values. It gives a rough measure of the spread of a distribution. Formally, if
and are the smallest and largest observations,R demonstration:
Surjection - In functions (set theory), a surjection (or onto function) is a function
such that every element in has at least one preimage in . Formally:Key points:
- Every element of
is “hit” by the function. - Contrasts with injection (one-to-one). If a function is both surjective and injective, it’s a bijection.
R demonstration (not typical, but we can illustrate a partial concept with sets):
- Every element of
Support Vector Machine (SVM) - A support vector machine is a powerful method for classification (and sometimes regression) that finds a maximal margin hyperplane separating classes in feature space. If classes are not linearly separable, it uses a kernel trick to map into higher-dimensional spaces.
Key points:
- Minimises hinge loss for classification.
- Creates a decision boundary that maximises margin from support vectors.
Mathematical form: For binary classification, we try to solve:
R demonstration (using
e1071
for a small SVM example):Set - In mathematics, a set is a well-defined collection of distinct objects. Notation often uses curly braces:
. Operations like intersection, union, and subset relationships form the basis of set theory.Key points:
- No repeated elements: sets ignore duplicates.
- Can contain any type of object, even other sets.
R demonstration:
Sample - In statistics, a sample is a subset taken from a larger population, used to infer characteristics (such as a distribution) of that population. Random sampling is crucial to reduce bias.
Key points:
- Sample size is the number of observations in the subset.
- Methods of sampling include simple random sampling, stratified sampling, etc.
R demonstration (random sample from a vector):
Standard Deviation - In statistics, the standard deviation (SD) is the square root of the variance. It indicates how spread out the values in a distribution are around the mean.
Key points:
- Low SD: data points are closer to the mean.
- High SD: data points are more spread out.
R demonstration (computing SD in base R):
Sine - The sine of an angle
in a right triangle is the ratio of the length of the opposite side to the hypotenuse. More generally, in trigonometry, the sine function is a periodic function on real numbers with period :Key properties:
- Range is [-1, 1].
- It's an odd function:
.
R demonstration (plotting sine curve):
Taylor Series - In analysis, the Taylor series of a function
at a point is the infinite series:where
is the th derivative of at . Convergence depends on the function and distance from .Key points:
- Special case: Maclaurin series when
. - Approximates functions near
.
R demonstration (partial sums for
):- Special case: Maclaurin series when
Trapezoidal Rule - In numerical integration, the trapezoidal rule approximates the integral of a function by dividing the domain into subintervals and summing trapezoid areas:
where
.R demonstration:
Transpose - In linear algebra, the transpose of a matrix
is the matrix obtained by switching rows and columns. That is, .Key points:
- If
, the matrix is symmetric. - If
, is orthogonal.
R demonstration:
- If
Transformer - A Transformer is an advanced neural network architecture introduced by Vaswani et al. (2017) for sequence-to-sequence tasks, eliminating recurrence by relying solely on self-attention mechanisms.
Architecture:
- An encoder stack and decoder stack, each with multiple layers.
- Each layer includes multi-head self-attention and feed-forward sub-layers.
- Attention uses “queries”, “keys”, and “values” to compute weighted sums.
Key equations: Multi-head attention for each head:
where
are linear transformations of input embeddings, and is dimension.R demonstration (pure R code for Transformers is less common; we can demonstrate conceptually with
tensorflow
ortorch
if installed. We'll do a conceptual snippet):T-Statistic - In statistics, the t-statistic is used in a t-test to compare a sample mean to a hypothesised population mean (under the null-hypothesis), typically when population variance is unknown. For sample size
:where
is the sample mean, is the sample standard deviation, and is the hypothesised mean.R demonstration (simple t-test):
Topological Space - In topology, a topological space is a set
equipped with a collection of open sets that satisfy the axioms: and are open.- Finite intersections of open sets are open.
- Arbitrary unions of open sets are open.
Key points:
- Generalises notions of continuity, boundary, and “closeness” beyond Euclidean space.
- Foundation for manifold definitions, continuity arguments, convergence, etc.
No direct R demonstration (purely theoretical structure).
Tangent - In trigonometry, the tangent of an angle
isKey points:
- Tangent is periodic with period
. - It relates to the slope of the line that touches a curve at a point (the derivative concept).
R demonstration (basic tangent plot):
- Tangent is periodic with period
Upper Triangular - In linear algebra, an upper triangular matrix is one where all entries below the main diagonal are zero. Formally, a square matrix
is upper triangular if:Key points:
- Common in LU decomposition (where U is the upper triangular factor).
- Determinant is the product of diagonal entries.
R demonstration (example of an upper triangular matrix):
Union - In set theory, the union of two sets
and is:The union contains all elements that are in either
or (or both).Key points:
- If
, then . - Often combined with intersection.
R demonstration:
- If
Unbiased Estimator - In statistics, an unbiased estimator is one whose expectation equals the true parameter being estimated. For example, the sample variance with denominator
is an unbiased estimator of the population variance.Key points:
- Unbiasedness is about the expected value of the estimator matching the parameter.
- It does not guarantee minimum variance or other optimal properties.
R demonstration (comparing biased vs. unbiased sample variance):
Uniform Distribution - In probability, the uniform distribution is a distribution where all outcomes in an interval are equally likely. For the continuous case on
:Key points:
R demonstration (sampling from a uniform distribution):
Unit Circle - In trigonometry, the unit circle is the circle of radius 1 centered at the origin on the Cartesian plane. Angles (see angle) can be visualised by drawing a radius from the origin, with sine, cosine, and tangent values interpreted as coordinates or slopes on this circle.
Equation:
R demonstration (plot a unit circle):
Volume - In geometry, volume measures the 3-dimensional “size” of a region. For example, the volume of a rectangular prism with side lengths
is:Key examples:
- Sphere:
. - Cylinder:
.
No direct R demonstration typically, but we might just compute a formula:
- Sphere:
Vertex - In graph theory, a vertex (also called a node) is a fundamental unit of a graph. A graph
consists of a set of vertices and edges between them.Key points:
- The number of vertices is often denoted
. - Adjacency lists or matrices represent connections among vertices.
R demonstration (simple use of
igraph
with vertices):- The number of vertices is often denoted
Vector Norm - A vector norm extends the idea of an absolute-value from real numbers to vector spaces. The most common is the Euclidean norm (
norm):Other norms include
norm (sum of absolute values) and norm (max absolute value).R demonstration (Euclidean norm of a vector):
Vector - In linear algebra, a vector is an element of a vector space. Commonly, in
, a vector is an ordered list of real numbers, like:Key points:
- Vectors have dimension
in . - Matrix operations can treat vectors as columns or rows.
- Magnitude (or norm) describes its length in Euclidean space.
R demonstration (simple vector in R):
- Vectors have dimension
Variance - In statistics, variance measures how far a set of numbers (random variable outcomes) spreads out around its mean. For a population with values
and mean :For a sample-based estimate, the usual unbiased form has denominator
. The square root of variance is the standard-deviation. Variance also helps describe a distribution’s spread.R demonstration (computing variance):
Wedge Product - In exterior algebra, the wedge product (
) of two vectors forms an oriented area element (in 2D) or higher-dimensional analog. For 2D vectors, the wedge product is related to the determinant of a matrix:Key points:
- Anticommutative:
. - In higher dimensions, wedge products generalise to forms
.
R demonstration (simple 2D wedge product as area determinant):
- Anticommutative:
Wavelet - In analysis and signal processing, a wavelet is a function used to decompose and analyse signals at multiple scales. Unlike the fourier-transform which uses infinite sine and cosine waves, wavelets are localised in both time (space) and frequency.
Key points:
- Wavelets are useful for time-frequency or space-scale analysis.
- Common families: Haar, Daubechies, Morlet, etc.
R demonstration (no base function for wavelets, but let's show a conceptual signal transform snippet):
Whole Number - A whole number typically refers to the non-negative integers:
Depending on convention, “whole numbers” may or may not include zero. They are part of arithmetic operations on integers (add, subtract, multiply, etc.).
Key Points:
- Whole numbers are closed under addition and multiplication.
- Subtraction can lead outside the set if the result is negative (unless zero is included, etc.).
No direct R demonstration needed, but we can illustrate basic set membership:
Wronskian - In differential equations, the Wronskian of two (or more) functions is the determinant of a matrix whose entries are those functions and their derivatives. For two functions
and :If the Wronskian is nonzero at some point,
and are linearly independent solutions.R demonstration (small numeric check):
Weighted Average - A weighted average generalises the mean by assigning weights
to values . For a set of values with weights :If all weights
are equal, this reduces to the arithmetic mean (see arithmetic).R demonstration:
X-axis - In a 2D coordinate system, the x-axis is the horizontal line used to measure the x-coordinate of points. Typically, positive values extend to the right from the origin, while negative values extend to the left.
Key points:
- Intersects the y-axis at the origin (0,0).
- The slope of the x-axis is 0 (a horizontal line).
- Used to define an x-intercept for curves.
No direct R demonstration needed, but we can show a basic plot:
X-coordinate - The x-coordinate of a point in a coordinate-system is its horizontal position, indicating how far left or right it is relative to the y-axis. Typically, an ordered pair is written as
, where is the x-coordinate.Key points:
- Positive x-coordinates lie to the right of the y-axis.
- Negative x-coordinates lie to the left of the y-axis.
- See also x-axis for orientation.
Simple R demonstration (extracting x-coordinates from a data set):
X-intercept - In geometry, the x-intercept of a curve is the point(s) where it crosses the x-axis. Formally, points with y=0:
Key points:
- Solving
often involves polynomial roots or other equation solutions. - Graphically, x-intercepts appear where the plot crosses the horizontal axis.
R demonstration (finding approximate x-intercept for a function):
- Solving
XOR - In logic, XOR (exclusive OR) is a Boolean operation returning true if exactly one operand is true, but false if both are true or both are false. Symbolically:
Truth table:
A B A XOR B FALSE FALSE FALSE FALSE TRUE TRUE TRUE FALSE TRUE TRUE TRUE FALSE R demonstration (custom xor function on vectors):
Young Tableau - In combinatorics and representation theory, a Young tableau is a grid diagram (partition shape) where cells are filled with numbers (or symbols) that obey certain row/column ordering. A standard Young tableau uses distinct numbers
that strictly increase left-to-right in rows and top-to-bottom in columns.Key points:
- Related to partition of integers (diagrams shaped by partition lengths).
- Vital in symmetric function theory and representation theory of symmetric groups.
R demonstration (no base R function for Young tableaux, but we can show a small layout):
Y-axis - In a 2D coordinate system, the y-axis is the vertical line used to measure the y-coordinate of points. Typically, positive values extend upward from the origin, while negative values extend downward.
Key points:
- Intersects the x-axis at the origin (0,0).
- The slope of the y-axis is undefined (vertical line).
- Used to define a y-intercept for curves.
Basic R demonstration:
Y-coordinate - The y-coordinate of a point in a coordinate-system is its vertical position, indicating how far up or down it is relative to the x-axis. Typically, an ordered pair is written as
, where is the y-coordinate.Key points:
- Positive y-coordinates lie above the x-axis.
- Negative y-coordinates lie below the x-axis.
- See also y-axis for orientation.
Simple R demonstration (extracting y-coordinates from a data set):
Y-intercept - In geometry, the y-intercept of a curve is the point(s) where it crosses the y-axis. Formally, points with x=0:
Key points:
- Solving for
often involves polynomial expressions or other functional forms. - Graphically, y-intercepts appear where the plot crosses the vertical axis.
R demonstration (finding approximate y-intercept for a function):
- Solving for
Yates' Correction - In statistics, Yates' correction (also called Yates' continuity correction) is applied to a chi-squared-test for 2×2 contingency tables to reduce bias when sample sizes are small. It adjusts the observed frequencies before computing the chi-squared statistic:
Key points:
- Often recommended if expected frequencies are < 5, though its usage is debated.
- Under the null-hypothesis, the chi-squared distribution still approximates the test statistic.
No built-in function for Yates-correction in base R, but some
chisq.test
wrappers handle it, or you can manually apply the formula.Zero - In arithmetic, zero (0) is the additive identity. Adding zero to a number leaves it unchanged:
Key points:
- It belongs to the whole-number system (and integers).
- Arithmetic with zero is straightforward: multiplication by 0 yields 0.
- In linear algebra, the identity-matrix uses 1 on diagonals but 0 off-diagonal.
Minimal R demonstration:
Z-transform - In discrete-time signal processing, the Z-transform is analogous to the fourier-transform but for discrete sequences. For a sequence
, the Z-transform isKey points:
- Used to analyse and design discrete control systems and filters.
- Regions of convergence define when the series converges.
No direct R demonstration in base for Z-transform, but we can show a conceptual example:
Z-axis - In a 3D coordinate system, the z-axis is the line orthogonal to both the x-axis and y-axis. Positive values extend “up” or “out” from the origin depending on orientation, while negative values extend in the opposite direction.
Key points:
- Commonly used in 3D geometry or 3D coordinate-systems.
- Forms a right-handed system with x and y axes if oriented properly.
Basic R demonstration (no direct 3D in base R, but let's show a conceptual data set):
Zeckendorf Representation - In number theory, Zeckendorf’s theorem states every positive integer can be uniquely written as a sum of nonconsecutive Fibonacci numbers. This sum is called the Zeckendorf representation. For example, 17 = 13 + 3 + 1 uses Fibonacci numbers (1,2,3,5,8,13, ...).
Key points:
- No two consecutive Fibonacci numbers are used in the representation.
- The representation is unique for each positive integer.
R demonstration (a naive function to find Zeckendorf representation):
Z-score - In statistics, a z-score (or standard score) is the number of standard-deviations by which the value of an observation differs from the mean. For an observation
in a sample:where
is the sample mean and is the sample SD (see variance / SD). In a normal distribution, z-scores help locate observations relative to the population mean.R demonstration:
∞ (Infinity) - In analysis, infinity (∞) symbolises an unbounded value that grows beyond any finite number. It often appears in contexts of limit and the extended-real-number-line.
Key points:
- Not a real number in standard arithmetic; it’s a conceptual extension.
- In set theory, there are different sizes (cardinalities) of infinity (ℵ₀, 2^ℵ₀, etc.).
- In calculus, writing
indicates x grows without bound.
R demonstration (conceptual usage of Inf in R):
∑ (Summation) - The summation symbol ∑ denotes adding a sequence of terms. For instance:
Key points:
- See also series for infinite sums.
- Sometimes called sigma-notation.
R demonstration (summing up a vector):
√ (Radical) - The radical symbol √ indicates the principal square root of a number. More generally, radical notation can include indices for nth roots:
Key points:
- For nonnegative x, √x is the nonnegative root.
- In advanced contexts, negative radicands lead to complex numbers.
R demonstration (square root in R):
∇ (Nabla) - The nabla symbol (∇) denotes the vector differential operator. It’s used in expressions like gradient (∇f), divergence (∇·F), or curl (∇×F).
Key points:
- Also called “del” operator.
- Common in vector calculus, PDEs, fluid dynamics, electromagnetism, etc.
No direct R demonstration.
∂ (Partial derivative symbol) - The ∂ symbol indicates a partial derivative, as in
. It generalises differentiation to functions of multiple variables (see partial-derivative).Key points:
- ∂ is distinct from d in single-variable calculus.
- Common in PDEs (partial differential equations).
No direct R demonstration needed here, but partial derivatives can be approximated numerically.
∃ (There exists) - The exists symbol is used in logic to express the existence of at least one element satisfying a property. For example:
means there is at least one x in A for which P(x) holds true.
Key points:
- Often used with forall statements to form more complex logical conditions.
- Symbolically pairs with optional uniqueness, e.g. “there exists exactly one.”
No direct R demonstration; it’s a logical concept.
∀ (For all) - The forall symbol is used in logic and set theory to denote “for all elements” in a set. For example:
This states that for every element x of set A, the proposition P(x) holds.
Key points:
- Central in universal-quantification statements.
- Often combined with
(there exists) to form more complex logical formulas.
No special R demonstration needed; it’s a logical/quantifier concept.
⇒ (Implies) - In logic, ⇒ is used to denote implication. “A ⇒ B” means if A holds (is true), then B must also be true. In formal terms:
Key points:
No direct R demonstration, as it’s a symbolic part of logic:
∴ (Therefore) - In logic and mathematical writing, ∴ (“therefore”) is used to conclude a proof or a chain of reasoning. Often follows from statements involving forall, exists, or other logical premises.
Example usage:
No direct R demonstration; it’s a symbolic punctuation in proofs.
∅ (Empty set) - In set theory, the empty set ∅ is the unique set containing no elements. Symbolically:
meaning it has cardinality 0. Any operation on ∅ typically yields minimal or neutral results. For instance, union with ∅ returns the other set unchanged.
Key points:
- ∅ is a subset of every set.
- It is distinct from
, which is a set containing the empty set as an element.
No direct R demonstration needed, but we can show conceptually: