diff --git a/.gitignore b/.gitignore new file mode 100644 index 0000000000000000000000000000000000000000..53a296ed0c94ae8be499ba81647f35567d504e4b --- /dev/null +++ b/.gitignore @@ -0,0 +1,3 @@ +__pycache__/ +venv/ +gradio_cached_examples/ \ No newline at end of file diff --git a/.gitmodules b/.gitmodules new file mode 100644 index 0000000000000000000000000000000000000000..4d8fd85dfa8f1a47e177259259b0576d4f303bc8 --- /dev/null +++ b/.gitmodules @@ -0,0 +1,3 @@ +[submodule "diff-gaussian-rasterization"] + path = diff-gaussian-rasterization + url = https://github.com/ashawkey/diff-gaussian-rasterization.git diff --git a/README.md b/README.md index 936883da7ea77b365cdd6672971f5b3abe00bcde..36217950bffe02ff33d59610eedc87ff90e28ba4 100644 --- a/README.md +++ b/README.md @@ -4,7 +4,7 @@ emoji: 🦀 colorFrom: red colorTo: indigo sdk: gradio -sdk_version: 4.19.2 +sdk_version: 4.26.0 app_file: app.py pinned: false license: mit diff --git a/app.py b/app.py index 8b5eaae3d95048b0f283a78a59a85a14abb8c364..c3de3322de1e9e5c116604310b81c461c64830a5 100644 --- a/app.py +++ b/app.py @@ -1,172 +1,109 @@ import os -import numpy as np -import torch -import torch.nn.functional as F -import torchvision.transforms.functional as TF -from safetensors.torch import load_file -import rembg -import gradio as gr -# download checkpoints -from huggingface_hub import hf_hub_download -ckpt_path = hf_hub_download(repo_id="ashawkey/LGM", filename="model_fp16.safetensors") +import gradio as gr +import torch +from diffusers import DiffusionPipeline +from gradio_client import Client, file try: - import diff_gaussian_rasterization + import diff_gaussian_rasterization # noqa: F401 except ImportError: os.system("pip install ./diff-gaussian-rasterization") -import kiui -from kiui.op import recenter - -from core.options import Options -from core.models import LGM -from mvdream.pipeline_mvdream import MVDreamPipeline - -IMAGENET_DEFAULT_MEAN = (0.485, 0.456, 0.406) -IMAGENET_DEFAULT_STD = (0.229, 0.224, 0.225) - -TMP_DIR = '/tmp' +TMP_DIR = "/tmp" os.makedirs(TMP_DIR, exist_ok=True) -# opt = tyro.cli(AllConfigs) -opt = Options( - input_size=256, - up_channels=(1024, 1024, 512, 256, 128), # one more decoder - up_attention=(True, True, True, False, False), - splat_size=128, - output_size=512, # render & supervise Gaussians at a higher resolution. - batch_size=8, - num_views=8, - gradient_accumulation_steps=1, - mixed_precision='bf16', - resume=ckpt_path, -) - -# model -model = LGM(opt) - -# resume pretrained checkpoint -if opt.resume is not None: - if opt.resume.endswith('safetensors'): - ckpt = load_file(opt.resume, device='cpu') - else: - ckpt = torch.load(opt.resume, map_location='cpu') - model.load_state_dict(ckpt, strict=False) - print(f'[INFO] Loaded checkpoint from {opt.resume}') -else: - print(f'[WARN] model randomly initialized, are you sure?') - -device = torch.device('cuda' if torch.cuda.is_available() else 'cpu') -model = model.half().to(device) -model.eval() - -tan_half_fov = np.tan(0.5 * np.deg2rad(opt.fovy)) -proj_matrix = torch.zeros(4, 4, dtype=torch.float32, device=device) -proj_matrix[0, 0] = -1 / tan_half_fov -proj_matrix[1, 1] = -1 / tan_half_fov -proj_matrix[2, 2] = - (opt.zfar + opt.znear) / (opt.zfar - opt.znear) -proj_matrix[3, 2] = - (opt.zfar * opt.znear) / (opt.zfar - opt.znear) -proj_matrix[2, 3] = 1 - -# load dreams -pipe_text = MVDreamPipeline.from_pretrained( - 'ashawkey/mvdream-sd2.1-diffusers', # remote weights + +image_pipeline = DiffusionPipeline.from_pretrained( + "ashawkey/imagedream-ipmv-diffusers", + custom_pipeline="dylanebert/multi_view_diffusion", torch_dtype=torch.float16, trust_remote_code=True, - # local_files_only=True, -) -pipe_text = pipe_text.to(device) +).to("cuda") -pipe_image = MVDreamPipeline.from_pretrained( - "ashawkey/imagedream-ipmv-diffusers", # remote weights + +splat_pipeline = DiffusionPipeline.from_pretrained( + "dylanebert/LGM", + custom_pipeline="dylanebert/LGM", torch_dtype=torch.float16, trust_remote_code=True, - # local_files_only=True, -) -pipe_image = pipe_image.to(device) - -# load rembg -bg_remover = rembg.new_session() - -# process function -def run(input_image): - prompt_neg = "ugly, blurry, pixelated obscure, unnatural colors, poor lighting, dull, unclear, cropped, lowres, low quality, artifacts, duplicate" - - # seed - kiui.seed_everything(42) - - output_ply_path = os.path.join(TMP_DIR, 'output.ply') - - input_image = np.array(input_image) # uint8 - # bg removal - carved_image = rembg.remove(input_image, session=bg_remover) # [H, W, 4] - mask = carved_image[..., -1] > 0 - image = recenter(carved_image, mask, border_ratio=0.2) - image = image.astype(np.float32) / 255.0 - image = image[..., :3] * image[..., 3:4] + (1 - image[..., 3:4]) - mv_image = pipe_image("", image, negative_prompt=prompt_neg, num_inference_steps=30, guidance_scale=5.0, elevation=0) - - # generate gaussians - input_image = np.stack([mv_image[1], mv_image[2], mv_image[3], mv_image[0]], axis=0) # [4, 256, 256, 3], float32 - input_image = torch.from_numpy(input_image).permute(0, 3, 1, 2).float().to(device) # [4, 3, 256, 256] - input_image = F.interpolate(input_image, size=(opt.input_size, opt.input_size), mode='bilinear', align_corners=False) - input_image = TF.normalize(input_image, IMAGENET_DEFAULT_MEAN, IMAGENET_DEFAULT_STD) - - rays_embeddings = model.prepare_default_rays(device, elevation=0) - input_image = torch.cat([input_image, rays_embeddings], dim=1).unsqueeze(0) # [1, 4, 9, H, W] - - with torch.no_grad(): - with torch.autocast(device_type='cuda', dtype=torch.float16): - # generate gaussians - gaussians = model.forward_gaussians(input_image) - - # save gaussians - model.gs.save_ply(gaussians, output_ply_path) - - return output_ply_path - -# gradio UI - -_TITLE = '''LGM Mini''' - -_DESCRIPTION = ''' +).to("cuda") + + +def run(input_image, convert): + input_image = input_image.astype("float32") / 255.0 + images = image_pipeline( + "", input_image, guidance_scale=5, num_inference_steps=30, elevation=0 + ) + gaussians = splat_pipeline(images) + output_ply_path = os.path.join(TMP_DIR, "output.ply") + splat_pipeline.save_ply(gaussians, output_ply_path) + if convert: + output_mesh_path = convert_to_mesh(output_ply_path) + return output_mesh_path + else: + return output_ply_path + + +def convert_to_mesh(input_ply): + client = Client("https://dylanebert-splat-to-mesh.hf.space/") + output_mesh_path = client.predict(file(input_ply), api_name="/run") + client.close() + return output_mesh_path + + +_TITLE = """LGM Mini""" + +_DESCRIPTION = """
@Article{kerbl3Dgaussians,
- author = {Kerbl, Bernhard and Kopanas, Georgios and Leimk{\"u}hler, Thomas and Drettakis, George},
- title = {3D Gaussian Splatting for Real-Time Radiance Field Rendering},
- journal = {ACM Transactions on Graphics},
- number = {4},
- volume = {42},
- month = {July},
- year = {2023},
- url = {https://repo-sam.inria.fr/fungraph/3d-gaussian-splatting/}
-}
- ![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
GLM_GTX_associated_min_max -More...
- -Go to the source code of this file.
--Functions | |
template<typename T , typename U > | |
GLM_FUNC_DECL U | associatedMax (T x, U a, T y, U b) |
Maximum comparison between 2 variables and returns 2 associated variable values. More... | |
template<length_t L, typename T , typename U , qualifier Q> | |
GLM_FUNC_DECL vec< 2, U, Q > | associatedMax (vec< L, T, Q > const &x, vec< L, U, Q > const &a, vec< L, T, Q > const &y, vec< L, U, Q > const &b) |
Maximum comparison between 2 variables and returns 2 associated variable values. More... | |
template<length_t L, typename T , typename U , qualifier Q> | |
GLM_FUNC_DECL vec< L, T, Q > | associatedMax (T x, vec< L, U, Q > const &a, T y, vec< L, U, Q > const &b) |
Maximum comparison between 2 variables and returns 2 associated variable values. More... | |
template<length_t L, typename T , typename U , qualifier Q> | |
GLM_FUNC_DECL vec< L, U, Q > | associatedMax (vec< L, T, Q > const &x, U a, vec< L, T, Q > const &y, U b) |
Maximum comparison between 2 variables and returns 2 associated variable values. More... | |
template<typename T , typename U > | |
GLM_FUNC_DECL U | associatedMax (T x, U a, T y, U b, T z, U c) |
Maximum comparison between 3 variables and returns 3 associated variable values. More... | |
template<length_t L, typename T , typename U , qualifier Q> | |
GLM_FUNC_DECL vec< L, U, Q > | associatedMax (vec< L, T, Q > const &x, vec< L, U, Q > const &a, vec< L, T, Q > const &y, vec< L, U, Q > const &b, vec< L, T, Q > const &z, vec< L, U, Q > const &c) |
Maximum comparison between 3 variables and returns 3 associated variable values. More... | |
template<length_t L, typename T , typename U , qualifier Q> | |
GLM_FUNC_DECL vec< L, T, Q > | associatedMax (T x, vec< L, U, Q > const &a, T y, vec< L, U, Q > const &b, T z, vec< L, U, Q > const &c) |
Maximum comparison between 3 variables and returns 3 associated variable values. More... | |
template<length_t L, typename T , typename U , qualifier Q> | |
GLM_FUNC_DECL vec< L, U, Q > | associatedMax (vec< L, T, Q > const &x, U a, vec< L, T, Q > const &y, U b, vec< L, T, Q > const &z, U c) |
Maximum comparison between 3 variables and returns 3 associated variable values. More... | |
template<typename T , typename U > | |
GLM_FUNC_DECL U | associatedMax (T x, U a, T y, U b, T z, U c, T w, U d) |
Maximum comparison between 4 variables and returns 4 associated variable values. More... | |
template<length_t L, typename T , typename U , qualifier Q> | |
GLM_FUNC_DECL vec< L, U, Q > | associatedMax (vec< L, T, Q > const &x, vec< L, U, Q > const &a, vec< L, T, Q > const &y, vec< L, U, Q > const &b, vec< L, T, Q > const &z, vec< L, U, Q > const &c, vec< L, T, Q > const &w, vec< L, U, Q > const &d) |
Maximum comparison between 4 variables and returns 4 associated variable values. More... | |
template<length_t L, typename T , typename U , qualifier Q> | |
GLM_FUNC_DECL vec< L, U, Q > | associatedMax (T x, vec< L, U, Q > const &a, T y, vec< L, U, Q > const &b, T z, vec< L, U, Q > const &c, T w, vec< L, U, Q > const &d) |
Maximum comparison between 4 variables and returns 4 associated variable values. More... | |
template<length_t L, typename T , typename U , qualifier Q> | |
GLM_FUNC_DECL vec< L, U, Q > | associatedMax (vec< L, T, Q > const &x, U a, vec< L, T, Q > const &y, U b, vec< L, T, Q > const &z, U c, vec< L, T, Q > const &w, U d) |
Maximum comparison between 4 variables and returns 4 associated variable values. More... | |
template<typename T , typename U , qualifier Q> | |
GLM_FUNC_DECL U | associatedMin (T x, U a, T y, U b) |
Minimum comparison between 2 variables and returns 2 associated variable values. More... | |
template<length_t L, typename T , typename U , qualifier Q> | |
GLM_FUNC_DECL vec< 2, U, Q > | associatedMin (vec< L, T, Q > const &x, vec< L, U, Q > const &a, vec< L, T, Q > const &y, vec< L, U, Q > const &b) |
Minimum comparison between 2 variables and returns 2 associated variable values. More... | |
template<length_t L, typename T , typename U , qualifier Q> | |
GLM_FUNC_DECL vec< L, U, Q > | associatedMin (T x, const vec< L, U, Q > &a, T y, const vec< L, U, Q > &b) |
Minimum comparison between 2 variables and returns 2 associated variable values. More... | |
template<length_t L, typename T , typename U , qualifier Q> | |
GLM_FUNC_DECL vec< L, U, Q > | associatedMin (vec< L, T, Q > const &x, U a, vec< L, T, Q > const &y, U b) |
Minimum comparison between 2 variables and returns 2 associated variable values. More... | |
template<typename T , typename U > | |
GLM_FUNC_DECL U | associatedMin (T x, U a, T y, U b, T z, U c) |
Minimum comparison between 3 variables and returns 3 associated variable values. More... | |
template<length_t L, typename T , typename U , qualifier Q> | |
GLM_FUNC_DECL vec< L, U, Q > | associatedMin (vec< L, T, Q > const &x, vec< L, U, Q > const &a, vec< L, T, Q > const &y, vec< L, U, Q > const &b, vec< L, T, Q > const &z, vec< L, U, Q > const &c) |
Minimum comparison between 3 variables and returns 3 associated variable values. More... | |
template<typename T , typename U > | |
GLM_FUNC_DECL U | associatedMin (T x, U a, T y, U b, T z, U c, T w, U d) |
Minimum comparison between 4 variables and returns 4 associated variable values. More... | |
template<length_t L, typename T , typename U , qualifier Q> | |
GLM_FUNC_DECL vec< L, U, Q > | associatedMin (vec< L, T, Q > const &x, vec< L, U, Q > const &a, vec< L, T, Q > const &y, vec< L, U, Q > const &b, vec< L, T, Q > const &z, vec< L, U, Q > const &c, vec< L, T, Q > const &w, vec< L, U, Q > const &d) |
Minimum comparison between 4 variables and returns 4 associated variable values. More... | |
template<length_t L, typename T , typename U , qualifier Q> | |
GLM_FUNC_DECL vec< L, U, Q > | associatedMin (T x, vec< L, U, Q > const &a, T y, vec< L, U, Q > const &b, T z, vec< L, U, Q > const &c, T w, vec< L, U, Q > const &d) |
Minimum comparison between 4 variables and returns 4 associated variable values. More... | |
template<length_t L, typename T , typename U , qualifier Q> | |
GLM_FUNC_DECL vec< L, U, Q > | associatedMin (vec< L, T, Q > const &x, U a, vec< L, T, Q > const &y, U b, vec< L, T, Q > const &z, U c, vec< L, T, Q > const &w, U d) |
Minimum comparison between 4 variables and returns 4 associated variable values. More... | |
Definition in file associated_min_max.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
Go to the source code of this file.
--Functions | |
template<typename genIUType > | |
GLM_FUNC_DECL genIUType | highestBitValue (genIUType Value) |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, T, Q > | highestBitValue (vec< L, T, Q > const &value) |
Find the highest bit set to 1 in a integer variable and return its value. More... | |
template<typename genIUType > | |
GLM_FUNC_DECL genIUType | lowestBitValue (genIUType Value) |
template<typename genIUType > | |
GLM_DEPRECATED GLM_FUNC_DECL genIUType | powerOfTwoAbove (genIUType Value) |
Return the power of two number which value is just higher the input value. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_DEPRECATED GLM_FUNC_DECL vec< L, T, Q > | powerOfTwoAbove (vec< L, T, Q > const &value) |
Return the power of two number which value is just higher the input value. More... | |
template<typename genIUType > | |
GLM_DEPRECATED GLM_FUNC_DECL genIUType | powerOfTwoBelow (genIUType Value) |
Return the power of two number which value is just lower the input value. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_DEPRECATED GLM_FUNC_DECL vec< L, T, Q > | powerOfTwoBelow (vec< L, T, Q > const &value) |
Return the power of two number which value is just lower the input value. More... | |
template<typename genIUType > | |
GLM_DEPRECATED GLM_FUNC_DECL genIUType | powerOfTwoNearest (genIUType Value) |
Return the power of two number which value is the closet to the input value. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_DEPRECATED GLM_FUNC_DECL vec< L, T, Q > | powerOfTwoNearest (vec< L, T, Q > const &value) |
Return the power of two number which value is the closet to the input value. More... | |
![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
Go to the source code of this file.
--Functions | |
GLM_FUNC_DECL glm::u8vec2 | bitfieldDeinterleave (glm::uint16 x) |
Deinterleaves the bits of x. More... | |
GLM_FUNC_DECL glm::u16vec2 | bitfieldDeinterleave (glm::uint32 x) |
Deinterleaves the bits of x. More... | |
GLM_FUNC_DECL glm::u32vec2 | bitfieldDeinterleave (glm::uint64 x) |
Deinterleaves the bits of x. More... | |
template<typename genIUType > | |
GLM_FUNC_DECL genIUType | bitfieldFillOne (genIUType Value, int FirstBit, int BitCount) |
Set to 1 a range of bits. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, T, Q > | bitfieldFillOne (vec< L, T, Q > const &Value, int FirstBit, int BitCount) |
Set to 1 a range of bits. More... | |
template<typename genIUType > | |
GLM_FUNC_DECL genIUType | bitfieldFillZero (genIUType Value, int FirstBit, int BitCount) |
Set to 0 a range of bits. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, T, Q > | bitfieldFillZero (vec< L, T, Q > const &Value, int FirstBit, int BitCount) |
Set to 0 a range of bits. More... | |
GLM_FUNC_DECL int16 | bitfieldInterleave (int8 x, int8 y) |
Interleaves the bits of x and y. More... | |
GLM_FUNC_DECL uint16 | bitfieldInterleave (uint8 x, uint8 y) |
Interleaves the bits of x and y. More... | |
GLM_FUNC_DECL uint16 | bitfieldInterleave (u8vec2 const &v) |
Interleaves the bits of x and y. More... | |
GLM_FUNC_DECL int32 | bitfieldInterleave (int16 x, int16 y) |
Interleaves the bits of x and y. More... | |
GLM_FUNC_DECL uint32 | bitfieldInterleave (uint16 x, uint16 y) |
Interleaves the bits of x and y. More... | |
GLM_FUNC_DECL uint32 | bitfieldInterleave (u16vec2 const &v) |
Interleaves the bits of x and y. More... | |
GLM_FUNC_DECL int64 | bitfieldInterleave (int32 x, int32 y) |
Interleaves the bits of x and y. More... | |
GLM_FUNC_DECL uint64 | bitfieldInterleave (uint32 x, uint32 y) |
Interleaves the bits of x and y. More... | |
GLM_FUNC_DECL uint64 | bitfieldInterleave (u32vec2 const &v) |
Interleaves the bits of x and y. More... | |
GLM_FUNC_DECL int32 | bitfieldInterleave (int8 x, int8 y, int8 z) |
Interleaves the bits of x, y and z. More... | |
GLM_FUNC_DECL uint32 | bitfieldInterleave (uint8 x, uint8 y, uint8 z) |
Interleaves the bits of x, y and z. More... | |
GLM_FUNC_DECL int64 | bitfieldInterleave (int16 x, int16 y, int16 z) |
Interleaves the bits of x, y and z. More... | |
GLM_FUNC_DECL uint64 | bitfieldInterleave (uint16 x, uint16 y, uint16 z) |
Interleaves the bits of x, y and z. More... | |
GLM_FUNC_DECL int64 | bitfieldInterleave (int32 x, int32 y, int32 z) |
Interleaves the bits of x, y and z. More... | |
GLM_FUNC_DECL uint64 | bitfieldInterleave (uint32 x, uint32 y, uint32 z) |
Interleaves the bits of x, y and z. More... | |
GLM_FUNC_DECL int32 | bitfieldInterleave (int8 x, int8 y, int8 z, int8 w) |
Interleaves the bits of x, y, z and w. More... | |
GLM_FUNC_DECL uint32 | bitfieldInterleave (uint8 x, uint8 y, uint8 z, uint8 w) |
Interleaves the bits of x, y, z and w. More... | |
GLM_FUNC_DECL int64 | bitfieldInterleave (int16 x, int16 y, int16 z, int16 w) |
Interleaves the bits of x, y, z and w. More... | |
GLM_FUNC_DECL uint64 | bitfieldInterleave (uint16 x, uint16 y, uint16 z, uint16 w) |
Interleaves the bits of x, y, z and w. More... | |
template<typename genIUType > | |
GLM_FUNC_DECL genIUType | bitfieldRotateLeft (genIUType In, int Shift) |
Rotate all bits to the left. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, T, Q > | bitfieldRotateLeft (vec< L, T, Q > const &In, int Shift) |
Rotate all bits to the left. More... | |
template<typename genIUType > | |
GLM_FUNC_DECL genIUType | bitfieldRotateRight (genIUType In, int Shift) |
Rotate all bits to the right. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, T, Q > | bitfieldRotateRight (vec< L, T, Q > const &In, int Shift) |
Rotate all bits to the right. More... | |
template<typename genIUType > | |
GLM_FUNC_DECL genIUType | mask (genIUType Bits) |
Build a mask of 'count' bits. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, T, Q > | mask (vec< L, T, Q > const &v) |
Build a mask of 'count' bits. More... | |
Definition in file bitfield.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
GLM_GTX_closest_point -More...
- -Go to the source code of this file.
--Functions | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL vec< 3, T, Q > | closestPointOnLine (vec< 3, T, Q > const &point, vec< 3, T, Q > const &a, vec< 3, T, Q > const &b) |
Find the point on a straight line which is the closet of a point. More... | |
-template<typename T , qualifier Q> | |
GLM_FUNC_DECL vec< 2, T, Q > | closestPointOnLine (vec< 2, T, Q > const &point, vec< 2, T, Q > const &a, vec< 2, T, Q > const &b) |
2d lines work as well | |
Definition in file closest_point.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
GLM_GTX_color_encoding -More...
- -Go to the source code of this file.
--Functions | |
-template<typename T , qualifier Q> | |
GLM_FUNC_DECL vec< 3, T, Q > | convertD65XYZToD50XYZ (vec< 3, T, Q > const &ColorD65XYZ) |
Convert a D65 YUV color to D50 YUV. | |
-template<typename T , qualifier Q> | |
GLM_FUNC_DECL vec< 3, T, Q > | convertD65XYZToLinearSRGB (vec< 3, T, Q > const &ColorD65XYZ) |
Convert a D65 YUV color to linear sRGB. | |
-template<typename T , qualifier Q> | |
GLM_FUNC_DECL vec< 3, T, Q > | convertLinearSRGBToD50XYZ (vec< 3, T, Q > const &ColorLinearSRGB) |
Convert a linear sRGB color to D50 YUV. | |
-template<typename T , qualifier Q> | |
GLM_FUNC_DECL vec< 3, T, Q > | convertLinearSRGBToD65XYZ (vec< 3, T, Q > const &ColorLinearSRGB) |
Convert a linear sRGB color to D65 YUV. | |
Definition in file color_encoding.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
Go to the source code of this file.
--Functions | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, T, Q > | convertLinearToSRGB (vec< L, T, Q > const &ColorLinear) |
Convert a linear color to sRGB color using a standard gamma correction. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, T, Q > | convertLinearToSRGB (vec< L, T, Q > const &ColorLinear, T Gamma) |
Convert a linear color to sRGB color using a custom gamma correction. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, T, Q > | convertSRGBToLinear (vec< L, T, Q > const &ColorSRGB) |
Convert a sRGB color to linear color using a standard gamma correction. More... | |
-template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, T, Q > | convertSRGBToLinear (vec< L, T, Q > const &ColorSRGB, T Gamma) |
Convert a sRGB color to linear color using a custom gamma correction. | |
Definition in file gtc/color_space.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
Go to the source code of this file.
--Functions | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL vec< 3, T, Q > | hsvColor (vec< 3, T, Q > const &rgbValue) |
Converts a color from RGB color space to its color in HSV color space. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL T | luminosity (vec< 3, T, Q > const &color) |
Compute color luminosity associating ratios (0.33, 0.59, 0.11) to RGB canals. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL vec< 3, T, Q > | rgbColor (vec< 3, T, Q > const &hsvValue) |
Converts a color from HSV color space to its color in RGB color space. More... | |
template<typename T > | |
GLM_FUNC_DECL mat< 4, 4, T, defaultp > | saturation (T const s) |
Build a saturation matrix. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL vec< 3, T, Q > | saturation (T const s, vec< 3, T, Q > const &color) |
Modify the saturation of a color. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL vec< 4, T, Q > | saturation (T const s, vec< 4, T, Q > const &color) |
Modify the saturation of a color. More... | |
Definition in file gtx/color_space.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
GLM_GTX_color_space_YCoCg -More...
- -Go to the source code of this file.
--Functions | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL vec< 3, T, Q > | rgb2YCoCg (vec< 3, T, Q > const &rgbColor) |
Convert a color from RGB color space to YCoCg color space. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL vec< 3, T, Q > | rgb2YCoCgR (vec< 3, T, Q > const &rgbColor) |
Convert a color from RGB color space to YCoCgR color space. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL vec< 3, T, Q > | YCoCg2rgb (vec< 3, T, Q > const &YCoCgColor) |
Convert a color from YCoCg color space to RGB color space. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL vec< 3, T, Q > | YCoCgR2rgb (vec< 3, T, Q > const &YCoCgColor) |
Convert a color from YCoCgR color space to RGB color space. More... | |
Definition in file color_space_YCoCg.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
Go to the source code of this file.
--Functions | |
template<typename genType > | |
GLM_FUNC_DECL GLM_CONSTEXPR genType | abs (genType x) |
Returns x if x >= 0; otherwise, it returns -x. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL GLM_CONSTEXPR vec< L, T, Q > | abs (vec< L, T, Q > const &x) |
Returns x if x >= 0; otherwise, it returns -x. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, T, Q > | ceil (vec< L, T, Q > const &x) |
Returns a value equal to the nearest integer that is greater than or equal to x. More... | |
template<typename genType > | |
GLM_FUNC_DECL GLM_CONSTEXPR genType | clamp (genType x, genType minVal, genType maxVal) |
Returns min(max(x, minVal), maxVal) for each component in x using the floating-point values minVal and maxVal. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL GLM_CONSTEXPR vec< L, T, Q > | clamp (vec< L, T, Q > const &x, T minVal, T maxVal) |
Returns min(max(x, minVal), maxVal) for each component in x using the floating-point values minVal and maxVal. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL GLM_CONSTEXPR vec< L, T, Q > | clamp (vec< L, T, Q > const &x, vec< L, T, Q > const &minVal, vec< L, T, Q > const &maxVal) |
Returns min(max(x, minVal), maxVal) for each component in x using the floating-point values minVal and maxVal. More... | |
GLM_FUNC_DECL int | floatBitsToInt (float const &v) |
Returns a signed integer value representing the encoding of a floating-point value. More... | |
template<length_t L, qualifier Q> | |
GLM_FUNC_DECL vec< L, int, Q > | floatBitsToInt (vec< L, float, Q > const &v) |
Returns a signed integer value representing the encoding of a floating-point value. More... | |
GLM_FUNC_DECL uint | floatBitsToUint (float const &v) |
Returns a unsigned integer value representing the encoding of a floating-point value. More... | |
template<length_t L, qualifier Q> | |
GLM_FUNC_DECL vec< L, uint, Q > | floatBitsToUint (vec< L, float, Q > const &v) |
Returns a unsigned integer value representing the encoding of a floating-point value. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, T, Q > | floor (vec< L, T, Q > const &x) |
Returns a value equal to the nearest integer that is less then or equal to x. More... | |
template<typename genType > | |
GLM_FUNC_DECL genType | fma (genType const &a, genType const &b, genType const &c) |
Computes and returns a * b + c. More... | |
template<typename genType > | |
GLM_FUNC_DECL genType | fract (genType x) |
Return x - floor(x). More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, T, Q > | fract (vec< L, T, Q > const &x) |
Return x - floor(x). More... | |
template<typename genType > | |
GLM_FUNC_DECL genType | frexp (genType x, int &exp) |
Splits x into a floating-point significand in the range [0.5, 1.0) and an integral exponent of two, such that: x = significand * exp(2, exponent) More... | |
GLM_FUNC_DECL float | intBitsToFloat (int const &v) |
Returns a floating-point value corresponding to a signed integer encoding of a floating-point value. More... | |
template<length_t L, qualifier Q> | |
GLM_FUNC_DECL vec< L, float, Q > | intBitsToFloat (vec< L, int, Q > const &v) |
Returns a floating-point value corresponding to a signed integer encoding of a floating-point value. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, bool, Q > | isinf (vec< L, T, Q > const &x) |
Returns true if x holds a positive infinity or negative infinity representation in the underlying implementation's set of floating point representations. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, bool, Q > | isnan (vec< L, T, Q > const &x) |
Returns true if x holds a NaN (not a number) representation in the underlying implementation's set of floating point representations. More... | |
template<typename genType > | |
GLM_FUNC_DECL genType | ldexp (genType const &x, int const &exp) |
Builds a floating-point number from x and the corresponding integral exponent of two in exp, returning: significand * exp(2, exponent) More... | |
template<typename genType > | |
GLM_FUNC_DECL GLM_CONSTEXPR genType | max (genType x, genType y) |
Returns y if x < y; otherwise, it returns x. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL GLM_CONSTEXPR vec< L, T, Q > | max (vec< L, T, Q > const &x, T y) |
Returns y if x < y; otherwise, it returns x. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL GLM_CONSTEXPR vec< L, T, Q > | max (vec< L, T, Q > const &x, vec< L, T, Q > const &y) |
Returns y if x < y; otherwise, it returns x. More... | |
template<typename genType > | |
GLM_FUNC_DECL GLM_CONSTEXPR genType | min (genType x, genType y) |
Returns y if y < x; otherwise, it returns x. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL GLM_CONSTEXPR vec< L, T, Q > | min (vec< L, T, Q > const &x, T y) |
Returns y if y < x; otherwise, it returns x. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL GLM_CONSTEXPR vec< L, T, Q > | min (vec< L, T, Q > const &x, vec< L, T, Q > const &y) |
Returns y if y < x; otherwise, it returns x. More... | |
template<typename genTypeT , typename genTypeU > | |
GLM_FUNC_DECL genTypeT | mix (genTypeT x, genTypeT y, genTypeU a) |
If genTypeU is a floating scalar or vector: Returns x * (1.0 - a) + y * a, i.e., the linear blend of x and y using the floating-point value a. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, T, Q > | mod (vec< L, T, Q > const &x, vec< L, T, Q > const &y) |
Modulus. More... | |
template<typename genType > | |
GLM_FUNC_DECL genType | modf (genType x, genType &i) |
Returns the fractional part of x and sets i to the integer part (as a whole number floating point value). More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, T, Q > | round (vec< L, T, Q > const &x) |
Returns a value equal to the nearest integer to x. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, T, Q > | roundEven (vec< L, T, Q > const &x) |
Returns a value equal to the nearest integer to x. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, T, Q > | sign (vec< L, T, Q > const &x) |
Returns 1.0 if x > 0, 0.0 if x == 0, or -1.0 if x < 0. More... | |
template<typename genType > | |
GLM_FUNC_DECL genType | smoothstep (genType edge0, genType edge1, genType x) |
Returns 0.0 if x <= edge0 and 1.0 if x >= edge1 and performs smooth Hermite interpolation between 0 and 1 when edge0 < x < edge1. More... | |
template<typename genType > | |
GLM_FUNC_DECL genType | step (genType edge, genType x) |
Returns 0.0 if x < edge, otherwise it returns 1.0 for each component of a genType. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, T, Q > | step (T edge, vec< L, T, Q > const &x) |
Returns 0.0 if x < edge, otherwise it returns 1.0. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, T, Q > | step (vec< L, T, Q > const &edge, vec< L, T, Q > const &x) |
Returns 0.0 if x < edge, otherwise it returns 1.0. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, T, Q > | trunc (vec< L, T, Q > const &x) |
Returns a value equal to the nearest integer to x whose absolute value is not larger than the absolute value of x. More... | |
GLM_FUNC_DECL float | uintBitsToFloat (uint const &v) |
Returns a floating-point value corresponding to a unsigned integer encoding of a floating-point value. More... | |
template<length_t L, qualifier Q> | |
GLM_FUNC_DECL vec< L, float, Q > | uintBitsToFloat (vec< L, uint, Q > const &v) |
Returns a floating-point value corresponding to a unsigned integer encoding of a floating-point value. More... | |
Definition in file common.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
Go to the source code of this file.
--Functions | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, bool, Q > | closeBounded (vec< L, T, Q > const &Value, vec< L, T, Q > const &Min, vec< L, T, Q > const &Max) |
Returns whether vector components values are within an interval. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, T, Q > | fmod (vec< L, T, Q > const &v) |
Similar to 'mod' but with a different rounding and integer support. More... | |
template<typename genType > | |
GLM_FUNC_DECL genType::bool_type | isdenormal (genType const &x) |
Returns true if x is a denormalized number Numbers whose absolute value is too small to be represented in the normal format are represented in an alternate, denormalized format. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, bool, Q > | openBounded (vec< L, T, Q > const &Value, vec< L, T, Q > const &Min, vec< L, T, Q > const &Max) |
Returns whether vector components values are within an interval. More... | |
![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
GLM_GTX_compatibility -More...
- -Go to the source code of this file.
--Typedefs | |
-typedef bool | bool1 |
boolean type with 1 component. (From GLM_GTX_compatibility extension) | |
-typedef bool | bool1x1 |
boolean matrix with 1 x 1 component. (From GLM_GTX_compatibility extension) | |
-typedef vec< 2, bool, highp > | bool2 |
boolean type with 2 components. (From GLM_GTX_compatibility extension) | |
-typedef mat< 2, 2, bool, highp > | bool2x2 |
boolean matrix with 2 x 2 components. (From GLM_GTX_compatibility extension) | |
-typedef mat< 2, 3, bool, highp > | bool2x3 |
boolean matrix with 2 x 3 components. (From GLM_GTX_compatibility extension) | |
-typedef mat< 2, 4, bool, highp > | bool2x4 |
boolean matrix with 2 x 4 components. (From GLM_GTX_compatibility extension) | |
-typedef vec< 3, bool, highp > | bool3 |
boolean type with 3 components. (From GLM_GTX_compatibility extension) | |
-typedef mat< 3, 2, bool, highp > | bool3x2 |
boolean matrix with 3 x 2 components. (From GLM_GTX_compatibility extension) | |
-typedef mat< 3, 3, bool, highp > | bool3x3 |
boolean matrix with 3 x 3 components. (From GLM_GTX_compatibility extension) | |
-typedef mat< 3, 4, bool, highp > | bool3x4 |
boolean matrix with 3 x 4 components. (From GLM_GTX_compatibility extension) | |
-typedef vec< 4, bool, highp > | bool4 |
boolean type with 4 components. (From GLM_GTX_compatibility extension) | |
-typedef mat< 4, 2, bool, highp > | bool4x2 |
boolean matrix with 4 x 2 components. (From GLM_GTX_compatibility extension) | |
-typedef mat< 4, 3, bool, highp > | bool4x3 |
boolean matrix with 4 x 3 components. (From GLM_GTX_compatibility extension) | |
-typedef mat< 4, 4, bool, highp > | bool4x4 |
boolean matrix with 4 x 4 components. (From GLM_GTX_compatibility extension) | |
-typedef double | double1 |
double-qualifier floating-point vector with 1 component. (From GLM_GTX_compatibility extension) | |
-typedef double | double1x1 |
double-qualifier floating-point matrix with 1 component. (From GLM_GTX_compatibility extension) | |
-typedef vec< 2, double, highp > | double2 |
double-qualifier floating-point vector with 2 components. (From GLM_GTX_compatibility extension) | |
-typedef mat< 2, 2, double, highp > | double2x2 |
double-qualifier floating-point matrix with 2 x 2 components. (From GLM_GTX_compatibility extension) | |
-typedef mat< 2, 3, double, highp > | double2x3 |
double-qualifier floating-point matrix with 2 x 3 components. (From GLM_GTX_compatibility extension) | |
-typedef mat< 2, 4, double, highp > | double2x4 |
double-qualifier floating-point matrix with 2 x 4 components. (From GLM_GTX_compatibility extension) | |
-typedef vec< 3, double, highp > | double3 |
double-qualifier floating-point vector with 3 components. (From GLM_GTX_compatibility extension) | |
-typedef mat< 3, 2, double, highp > | double3x2 |
double-qualifier floating-point matrix with 3 x 2 components. (From GLM_GTX_compatibility extension) | |
-typedef mat< 3, 3, double, highp > | double3x3 |
double-qualifier floating-point matrix with 3 x 3 components. (From GLM_GTX_compatibility extension) | |
-typedef mat< 3, 4, double, highp > | double3x4 |
double-qualifier floating-point matrix with 3 x 4 components. (From GLM_GTX_compatibility extension) | |
-typedef vec< 4, double, highp > | double4 |
double-qualifier floating-point vector with 4 components. (From GLM_GTX_compatibility extension) | |
-typedef mat< 4, 2, double, highp > | double4x2 |
double-qualifier floating-point matrix with 4 x 2 components. (From GLM_GTX_compatibility extension) | |
-typedef mat< 4, 3, double, highp > | double4x3 |
double-qualifier floating-point matrix with 4 x 3 components. (From GLM_GTX_compatibility extension) | |
-typedef mat< 4, 4, double, highp > | double4x4 |
double-qualifier floating-point matrix with 4 x 4 components. (From GLM_GTX_compatibility extension) | |
-typedef float | float1 |
single-qualifier floating-point vector with 1 component. (From GLM_GTX_compatibility extension) | |
-typedef float | float1x1 |
single-qualifier floating-point matrix with 1 component. (From GLM_GTX_compatibility extension) | |
-typedef vec< 2, float, highp > | float2 |
single-qualifier floating-point vector with 2 components. (From GLM_GTX_compatibility extension) | |
-typedef mat< 2, 2, float, highp > | float2x2 |
single-qualifier floating-point matrix with 2 x 2 components. (From GLM_GTX_compatibility extension) | |
-typedef mat< 2, 3, float, highp > | float2x3 |
single-qualifier floating-point matrix with 2 x 3 components. (From GLM_GTX_compatibility extension) | |
-typedef mat< 2, 4, float, highp > | float2x4 |
single-qualifier floating-point matrix with 2 x 4 components. (From GLM_GTX_compatibility extension) | |
-typedef vec< 3, float, highp > | float3 |
single-qualifier floating-point vector with 3 components. (From GLM_GTX_compatibility extension) | |
-typedef mat< 3, 2, float, highp > | float3x2 |
single-qualifier floating-point matrix with 3 x 2 components. (From GLM_GTX_compatibility extension) | |
-typedef mat< 3, 3, float, highp > | float3x3 |
single-qualifier floating-point matrix with 3 x 3 components. (From GLM_GTX_compatibility extension) | |
-typedef mat< 3, 4, float, highp > | float3x4 |
single-qualifier floating-point matrix with 3 x 4 components. (From GLM_GTX_compatibility extension) | |
-typedef vec< 4, float, highp > | float4 |
single-qualifier floating-point vector with 4 components. (From GLM_GTX_compatibility extension) | |
-typedef mat< 4, 2, float, highp > | float4x2 |
single-qualifier floating-point matrix with 4 x 2 components. (From GLM_GTX_compatibility extension) | |
-typedef mat< 4, 3, float, highp > | float4x3 |
single-qualifier floating-point matrix with 4 x 3 components. (From GLM_GTX_compatibility extension) | |
-typedef mat< 4, 4, float, highp > | float4x4 |
single-qualifier floating-point matrix with 4 x 4 components. (From GLM_GTX_compatibility extension) | |
-typedef int | int1 |
integer vector with 1 component. (From GLM_GTX_compatibility extension) | |
-typedef int | int1x1 |
integer matrix with 1 component. (From GLM_GTX_compatibility extension) | |
-typedef vec< 2, int, highp > | int2 |
integer vector with 2 components. (From GLM_GTX_compatibility extension) | |
-typedef mat< 2, 2, int, highp > | int2x2 |
integer matrix with 2 x 2 components. (From GLM_GTX_compatibility extension) | |
-typedef mat< 2, 3, int, highp > | int2x3 |
integer matrix with 2 x 3 components. (From GLM_GTX_compatibility extension) | |
-typedef mat< 2, 4, int, highp > | int2x4 |
integer matrix with 2 x 4 components. (From GLM_GTX_compatibility extension) | |
-typedef vec< 3, int, highp > | int3 |
integer vector with 3 components. (From GLM_GTX_compatibility extension) | |
-typedef mat< 3, 2, int, highp > | int3x2 |
integer matrix with 3 x 2 components. (From GLM_GTX_compatibility extension) | |
-typedef mat< 3, 3, int, highp > | int3x3 |
integer matrix with 3 x 3 components. (From GLM_GTX_compatibility extension) | |
-typedef mat< 3, 4, int, highp > | int3x4 |
integer matrix with 3 x 4 components. (From GLM_GTX_compatibility extension) | |
-typedef vec< 4, int, highp > | int4 |
integer vector with 4 components. (From GLM_GTX_compatibility extension) | |
-typedef mat< 4, 2, int, highp > | int4x2 |
integer matrix with 4 x 2 components. (From GLM_GTX_compatibility extension) | |
-typedef mat< 4, 3, int, highp > | int4x3 |
integer matrix with 4 x 3 components. (From GLM_GTX_compatibility extension) | |
-typedef mat< 4, 4, int, highp > | int4x4 |
integer matrix with 4 x 4 components. (From GLM_GTX_compatibility extension) | |
-Functions | |
-template<typename T , qualifier Q> | |
GLM_FUNC_QUALIFIER T | atan2 (T x, T y) |
Arc tangent. Returns an angle whose tangent is y/x. The signs of x and y are used to determine what quadrant the angle is in. The range of values returned by this function is [-PI, PI]. Results are undefined if x and y are both 0. (From GLM_GTX_compatibility) | |
-template<typename T , qualifier Q> | |
GLM_FUNC_QUALIFIER vec< 2, T, Q > | atan2 (const vec< 2, T, Q > &x, const vec< 2, T, Q > &y) |
Arc tangent. Returns an angle whose tangent is y/x. The signs of x and y are used to determine what quadrant the angle is in. The range of values returned by this function is [-PI, PI]. Results are undefined if x and y are both 0. (From GLM_GTX_compatibility) | |
-template<typename T , qualifier Q> | |
GLM_FUNC_QUALIFIER vec< 3, T, Q > | atan2 (const vec< 3, T, Q > &x, const vec< 3, T, Q > &y) |
Arc tangent. Returns an angle whose tangent is y/x. The signs of x and y are used to determine what quadrant the angle is in. The range of values returned by this function is [-PI, PI]. Results are undefined if x and y are both 0. (From GLM_GTX_compatibility) | |
-template<typename T , qualifier Q> | |
GLM_FUNC_QUALIFIER vec< 4, T, Q > | atan2 (const vec< 4, T, Q > &x, const vec< 4, T, Q > &y) |
Arc tangent. Returns an angle whose tangent is y/x. The signs of x and y are used to determine what quadrant the angle is in. The range of values returned by this function is [-PI, PI]. Results are undefined if x and y are both 0. (From GLM_GTX_compatibility) | |
-template<typename genType > | |
GLM_FUNC_DECL bool | isfinite (genType const &x) |
Test whether or not a scalar or each vector component is a finite value. (From GLM_GTX_compatibility) | |
-template<typename T , qualifier Q> | |
GLM_FUNC_DECL vec< 1, bool, Q > | isfinite (const vec< 1, T, Q > &x) |
Test whether or not a scalar or each vector component is a finite value. (From GLM_GTX_compatibility) | |
-template<typename T , qualifier Q> | |
GLM_FUNC_DECL vec< 2, bool, Q > | isfinite (const vec< 2, T, Q > &x) |
Test whether or not a scalar or each vector component is a finite value. (From GLM_GTX_compatibility) | |
-template<typename T , qualifier Q> | |
GLM_FUNC_DECL vec< 3, bool, Q > | isfinite (const vec< 3, T, Q > &x) |
Test whether or not a scalar or each vector component is a finite value. (From GLM_GTX_compatibility) | |
-template<typename T , qualifier Q> | |
GLM_FUNC_DECL vec< 4, bool, Q > | isfinite (const vec< 4, T, Q > &x) |
Test whether or not a scalar or each vector component is a finite value. (From GLM_GTX_compatibility) | |
-template<typename T > | |
GLM_FUNC_QUALIFIER T | lerp (T x, T y, T a) |
Returns x * (1.0 - a) + y * a, i.e., the linear blend of x and y using the floating-point value a. The value for a is not restricted to the range [0, 1]. (From GLM_GTX_compatibility) | |
-template<typename T , qualifier Q> | |
GLM_FUNC_QUALIFIER vec< 2, T, Q > | lerp (const vec< 2, T, Q > &x, const vec< 2, T, Q > &y, T a) |
Returns x * (1.0 - a) + y * a, i.e., the linear blend of x and y using the floating-point value a. The value for a is not restricted to the range [0, 1]. (From GLM_GTX_compatibility) | |
-template<typename T , qualifier Q> | |
GLM_FUNC_QUALIFIER vec< 3, T, Q > | lerp (const vec< 3, T, Q > &x, const vec< 3, T, Q > &y, T a) |
Returns x * (1.0 - a) + y * a, i.e., the linear blend of x and y using the floating-point value a. The value for a is not restricted to the range [0, 1]. (From GLM_GTX_compatibility) | |
-template<typename T , qualifier Q> | |
GLM_FUNC_QUALIFIER vec< 4, T, Q > | lerp (const vec< 4, T, Q > &x, const vec< 4, T, Q > &y, T a) |
Returns x * (1.0 - a) + y * a, i.e., the linear blend of x and y using the floating-point value a. The value for a is not restricted to the range [0, 1]. (From GLM_GTX_compatibility) | |
-template<typename T , qualifier Q> | |
GLM_FUNC_QUALIFIER vec< 2, T, Q > | lerp (const vec< 2, T, Q > &x, const vec< 2, T, Q > &y, const vec< 2, T, Q > &a) |
Returns the component-wise result of x * (1.0 - a) + y * a, i.e., the linear blend of x and y using vector a. The value for a is not restricted to the range [0, 1]. (From GLM_GTX_compatibility) | |
-template<typename T , qualifier Q> | |
GLM_FUNC_QUALIFIER vec< 3, T, Q > | lerp (const vec< 3, T, Q > &x, const vec< 3, T, Q > &y, const vec< 3, T, Q > &a) |
Returns the component-wise result of x * (1.0 - a) + y * a, i.e., the linear blend of x and y using vector a. The value for a is not restricted to the range [0, 1]. (From GLM_GTX_compatibility) | |
-template<typename T , qualifier Q> | |
GLM_FUNC_QUALIFIER vec< 4, T, Q > | lerp (const vec< 4, T, Q > &x, const vec< 4, T, Q > &y, const vec< 4, T, Q > &a) |
Returns the component-wise result of x * (1.0 - a) + y * a, i.e., the linear blend of x and y using vector a. The value for a is not restricted to the range [0, 1]. (From GLM_GTX_compatibility) | |
-template<typename T , qualifier Q> | |
GLM_FUNC_QUALIFIER T | saturate (T x) |
Returns clamp(x, 0, 1) for each component in x. (From GLM_GTX_compatibility) | |
-template<typename T , qualifier Q> | |
GLM_FUNC_QUALIFIER vec< 2, T, Q > | saturate (const vec< 2, T, Q > &x) |
Returns clamp(x, 0, 1) for each component in x. (From GLM_GTX_compatibility) | |
-template<typename T , qualifier Q> | |
GLM_FUNC_QUALIFIER vec< 3, T, Q > | saturate (const vec< 3, T, Q > &x) |
Returns clamp(x, 0, 1) for each component in x. (From GLM_GTX_compatibility) | |
-template<typename T , qualifier Q> | |
GLM_FUNC_QUALIFIER vec< 4, T, Q > | saturate (const vec< 4, T, Q > &x) |
Returns clamp(x, 0, 1) for each component in x. (From GLM_GTX_compatibility) | |
Definition in file compatibility.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
GLM_GTX_component_wise -More...
- -Go to the source code of this file.
--Functions | |
template<typename genType > | |
GLM_FUNC_DECL genType::value_type | compAdd (genType const &v) |
Add all vector components together. More... | |
template<typename genType > | |
GLM_FUNC_DECL genType::value_type | compMax (genType const &v) |
Find the maximum value between single vector components. More... | |
template<typename genType > | |
GLM_FUNC_DECL genType::value_type | compMin (genType const &v) |
Find the minimum value between single vector components. More... | |
template<typename genType > | |
GLM_FUNC_DECL genType::value_type | compMul (genType const &v) |
Multiply all vector components together. More... | |
template<typename floatType , length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, floatType, Q > | compNormalize (vec< L, T, Q > const &v) |
Convert an integer vector to a normalized float vector. More... | |
template<length_t L, typename T , typename floatType , qualifier Q> | |
GLM_FUNC_DECL vec< L, T, Q > | compScale (vec< L, floatType, Q > const &v) |
Convert a normalized float vector to an integer vector. More... | |
Definition in file component_wise.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
Go to the source code of this file.
--Functions | |
template<typename genType > | |
GLM_FUNC_DECL GLM_CONSTEXPR genType | e () |
Return e constant. More... | |
template<typename genType > | |
GLM_FUNC_DECL GLM_CONSTEXPR genType | euler () |
Return Euler's constant. More... | |
template<typename genType > | |
GLM_FUNC_DECL GLM_CONSTEXPR genType | four_over_pi () |
Return 4 / pi. More... | |
template<typename genType > | |
GLM_FUNC_DECL GLM_CONSTEXPR genType | golden_ratio () |
Return the golden ratio constant. More... | |
template<typename genType > | |
GLM_FUNC_DECL GLM_CONSTEXPR genType | half_pi () |
Return pi / 2. More... | |
template<typename genType > | |
GLM_FUNC_DECL GLM_CONSTEXPR genType | ln_ln_two () |
Return ln(ln(2)). More... | |
template<typename genType > | |
GLM_FUNC_DECL GLM_CONSTEXPR genType | ln_ten () |
Return ln(10). More... | |
template<typename genType > | |
GLM_FUNC_DECL GLM_CONSTEXPR genType | ln_two () |
Return ln(2). More... | |
template<typename genType > | |
GLM_FUNC_DECL GLM_CONSTEXPR genType | one () |
Return 1. More... | |
template<typename genType > | |
GLM_FUNC_DECL GLM_CONSTEXPR genType | one_over_pi () |
Return 1 / pi. More... | |
template<typename genType > | |
GLM_FUNC_DECL GLM_CONSTEXPR genType | one_over_root_two () |
Return 1 / sqrt(2). More... | |
template<typename genType > | |
GLM_FUNC_DECL GLM_CONSTEXPR genType | one_over_two_pi () |
Return 1 / (pi * 2). More... | |
template<typename genType > | |
GLM_FUNC_DECL GLM_CONSTEXPR genType | quarter_pi () |
Return pi / 4. More... | |
template<typename genType > | |
GLM_FUNC_DECL GLM_CONSTEXPR genType | root_five () |
Return sqrt(5). More... | |
template<typename genType > | |
GLM_FUNC_DECL GLM_CONSTEXPR genType | root_half_pi () |
Return sqrt(pi / 2). More... | |
template<typename genType > | |
GLM_FUNC_DECL GLM_CONSTEXPR genType | root_ln_four () |
Return sqrt(ln(4)). More... | |
template<typename genType > | |
GLM_FUNC_DECL GLM_CONSTEXPR genType | root_pi () |
Return square root of pi. More... | |
template<typename genType > | |
GLM_FUNC_DECL GLM_CONSTEXPR genType | root_three () |
Return sqrt(3). More... | |
template<typename genType > | |
GLM_FUNC_DECL GLM_CONSTEXPR genType | root_two () |
Return sqrt(2). More... | |
template<typename genType > | |
GLM_FUNC_DECL GLM_CONSTEXPR genType | root_two_pi () |
Return sqrt(2 * pi). More... | |
template<typename genType > | |
GLM_FUNC_DECL GLM_CONSTEXPR genType | third () |
Return 1 / 3. More... | |
template<typename genType > | |
GLM_FUNC_DECL GLM_CONSTEXPR genType | three_over_two_pi () |
Return pi / 2 * 3. More... | |
template<typename genType > | |
GLM_FUNC_DECL GLM_CONSTEXPR genType | two_over_pi () |
Return 2 / pi. More... | |
template<typename genType > | |
GLM_FUNC_DECL GLM_CONSTEXPR genType | two_over_root_pi () |
Return 2 / sqrt(pi). More... | |
template<typename genType > | |
GLM_FUNC_DECL GLM_CONSTEXPR genType | two_pi () |
Return pi * 2. More... | |
template<typename genType > | |
GLM_FUNC_DECL GLM_CONSTEXPR genType | two_thirds () |
Return 2 / 3. More... | |
template<typename genType > | |
GLM_FUNC_DECL GLM_CONSTEXPR genType | zero () |
Return 0. More... | |
![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
GLM_GTX_dual_quaternion -More...
- -Go to the source code of this file.
--Typedefs | |
typedef highp_ddualquat | ddualquat |
Dual-quaternion of default double-qualifier floating-point numbers. More... | |
typedef highp_fdualquat | dualquat |
Dual-quaternion of floating-point numbers. More... | |
typedef highp_fdualquat | fdualquat |
Dual-quaternion of single-qualifier floating-point numbers. More... | |
typedef tdualquat< double, highp > | highp_ddualquat |
Dual-quaternion of high double-qualifier floating-point numbers. More... | |
typedef tdualquat< float, highp > | highp_dualquat |
Dual-quaternion of high single-qualifier floating-point numbers. More... | |
typedef tdualquat< float, highp > | highp_fdualquat |
Dual-quaternion of high single-qualifier floating-point numbers. More... | |
typedef tdualquat< double, lowp > | lowp_ddualquat |
Dual-quaternion of low double-qualifier floating-point numbers. More... | |
typedef tdualquat< float, lowp > | lowp_dualquat |
Dual-quaternion of low single-qualifier floating-point numbers. More... | |
typedef tdualquat< float, lowp > | lowp_fdualquat |
Dual-quaternion of low single-qualifier floating-point numbers. More... | |
typedef tdualquat< double, mediump > | mediump_ddualquat |
Dual-quaternion of medium double-qualifier floating-point numbers. More... | |
typedef tdualquat< float, mediump > | mediump_dualquat |
Dual-quaternion of medium single-qualifier floating-point numbers. More... | |
typedef tdualquat< float, mediump > | mediump_fdualquat |
Dual-quaternion of medium single-qualifier floating-point numbers. More... | |
-Functions | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL tdualquat< T, Q > | dual_quat_identity () |
Creates an identity dual quaternion. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL tdualquat< T, Q > | dualquat_cast (mat< 2, 4, T, Q > const &x) |
Converts a 2 * 4 matrix (matrix which holds real and dual parts) to a quaternion. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL tdualquat< T, Q > | dualquat_cast (mat< 3, 4, T, Q > const &x) |
Converts a 3 * 4 matrix (augmented matrix rotation + translation) to a quaternion. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL tdualquat< T, Q > | inverse (tdualquat< T, Q > const &q) |
Returns the q inverse. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL tdualquat< T, Q > | lerp (tdualquat< T, Q > const &x, tdualquat< T, Q > const &y, T const &a) |
Returns the linear interpolation of two dual quaternion. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL mat< 2, 4, T, Q > | mat2x4_cast (tdualquat< T, Q > const &x) |
Converts a quaternion to a 2 * 4 matrix. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL mat< 3, 4, T, Q > | mat3x4_cast (tdualquat< T, Q > const &x) |
Converts a quaternion to a 3 * 4 matrix. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL tdualquat< T, Q > | normalize (tdualquat< T, Q > const &q) |
Returns the normalized quaternion. More... | |
Definition in file dual_quaternion.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
Go to the source code of this file.
--Functions | |
template<typename genType > | |
GLM_FUNC_DECL genType | backEaseIn (genType const &a) |
template<typename genType > | |
GLM_FUNC_DECL genType | backEaseIn (genType const &a, genType const &o) |
template<typename genType > | |
GLM_FUNC_DECL genType | backEaseInOut (genType const &a) |
template<typename genType > | |
GLM_FUNC_DECL genType | backEaseInOut (genType const &a, genType const &o) |
template<typename genType > | |
GLM_FUNC_DECL genType | backEaseOut (genType const &a) |
template<typename genType > | |
GLM_FUNC_DECL genType | backEaseOut (genType const &a, genType const &o) |
template<typename genType > | |
GLM_FUNC_DECL genType | bounceEaseIn (genType const &a) |
template<typename genType > | |
GLM_FUNC_DECL genType | bounceEaseInOut (genType const &a) |
template<typename genType > | |
GLM_FUNC_DECL genType | bounceEaseOut (genType const &a) |
template<typename genType > | |
GLM_FUNC_DECL genType | circularEaseIn (genType const &a) |
Modelled after shifted quadrant IV of unit circle. More... | |
template<typename genType > | |
GLM_FUNC_DECL genType | circularEaseInOut (genType const &a) |
Modelled after the piecewise circular function y = (1/2)(1 - sqrt(1 - 4x^2)) ; [0, 0.5) y = (1/2)(sqrt(-(2x - 3)*(2x - 1)) + 1) ; [0.5, 1]. More... | |
template<typename genType > | |
GLM_FUNC_DECL genType | circularEaseOut (genType const &a) |
Modelled after shifted quadrant II of unit circle. More... | |
-template<typename genType > | |
GLM_FUNC_DECL genType | cubicEaseIn (genType const &a) |
Modelled after the cubic y = x^3. | |
template<typename genType > | |
GLM_FUNC_DECL genType | cubicEaseInOut (genType const &a) |
Modelled after the piecewise cubic y = (1/2)((2x)^3) ; [0, 0.5) y = (1/2)((2x-2)^3 + 2) ; [0.5, 1]. More... | |
template<typename genType > | |
GLM_FUNC_DECL genType | cubicEaseOut (genType const &a) |
Modelled after the cubic y = (x - 1)^3 + 1. More... | |
template<typename genType > | |
GLM_FUNC_DECL genType | elasticEaseIn (genType const &a) |
Modelled after the damped sine wave y = sin(13pi/2*x)*pow(2, 10 * (x - 1)) More... | |
template<typename genType > | |
GLM_FUNC_DECL genType | elasticEaseInOut (genType const &a) |
Modelled after the piecewise exponentially-damped sine wave: y = (1/2)*sin(13pi/2*(2*x))*pow(2, 10 * ((2*x) - 1)) ; [0,0.5) y = (1/2)*(sin(-13pi/2*((2x-1)+1))*pow(2,-10(2*x-1)) + 2) ; [0.5, 1]. More... | |
template<typename genType > | |
GLM_FUNC_DECL genType | elasticEaseOut (genType const &a) |
Modelled after the damped sine wave y = sin(-13pi/2*(x + 1))*pow(2, -10x) + 1. More... | |
template<typename genType > | |
GLM_FUNC_DECL genType | exponentialEaseIn (genType const &a) |
Modelled after the exponential function y = 2^(10(x - 1)) More... | |
template<typename genType > | |
GLM_FUNC_DECL genType | exponentialEaseInOut (genType const &a) |
Modelled after the piecewise exponential y = (1/2)2^(10(2x - 1)) ; [0,0.5) y = -(1/2)*2^(-10(2x - 1))) + 1 ; [0.5,1]. More... | |
template<typename genType > | |
GLM_FUNC_DECL genType | exponentialEaseOut (genType const &a) |
Modelled after the exponential function y = -2^(-10x) + 1. More... | |
template<typename genType > | |
GLM_FUNC_DECL genType | linearInterpolation (genType const &a) |
Modelled after the line y = x. More... | |
template<typename genType > | |
GLM_FUNC_DECL genType | quadraticEaseIn (genType const &a) |
Modelled after the parabola y = x^2. More... | |
template<typename genType > | |
GLM_FUNC_DECL genType | quadraticEaseInOut (genType const &a) |
Modelled after the piecewise quadratic y = (1/2)((2x)^2) ; [0, 0.5) y = -(1/2)((2x-1)*(2x-3) - 1) ; [0.5, 1]. More... | |
template<typename genType > | |
GLM_FUNC_DECL genType | quadraticEaseOut (genType const &a) |
Modelled after the parabola y = -x^2 + 2x. More... | |
template<typename genType > | |
GLM_FUNC_DECL genType | quarticEaseIn (genType const &a) |
Modelled after the quartic x^4. More... | |
template<typename genType > | |
GLM_FUNC_DECL genType | quarticEaseInOut (genType const &a) |
Modelled after the piecewise quartic y = (1/2)((2x)^4) ; [0, 0.5) y = -(1/2)((2x-2)^4 - 2) ; [0.5, 1]. More... | |
template<typename genType > | |
GLM_FUNC_DECL genType | quarticEaseOut (genType const &a) |
Modelled after the quartic y = 1 - (x - 1)^4. More... | |
template<typename genType > | |
GLM_FUNC_DECL genType | quinticEaseIn (genType const &a) |
Modelled after the quintic y = x^5. More... | |
template<typename genType > | |
GLM_FUNC_DECL genType | quinticEaseInOut (genType const &a) |
Modelled after the piecewise quintic y = (1/2)((2x)^5) ; [0, 0.5) y = (1/2)((2x-2)^5 + 2) ; [0.5, 1]. More... | |
template<typename genType > | |
GLM_FUNC_DECL genType | quinticEaseOut (genType const &a) |
Modelled after the quintic y = (x - 1)^5 + 1. More... | |
template<typename genType > | |
GLM_FUNC_DECL genType | sineEaseIn (genType const &a) |
Modelled after quarter-cycle of sine wave. More... | |
template<typename genType > | |
GLM_FUNC_DECL genType | sineEaseInOut (genType const &a) |
Modelled after half sine wave. More... | |
template<typename genType > | |
GLM_FUNC_DECL genType | sineEaseOut (genType const &a) |
Modelled after quarter-cycle of sine wave (different phase) More... | |
![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
Go to the source code of this file.
--Functions | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, bool, Q > | epsilonEqual (vec< L, T, Q > const &x, vec< L, T, Q > const &y, T const &epsilon) |
Returns the component-wise comparison of |x - y| < epsilon. More... | |
template<typename genType > | |
GLM_FUNC_DECL bool | epsilonEqual (genType const &x, genType const &y, genType const &epsilon) |
Returns the component-wise comparison of |x - y| < epsilon. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, bool, Q > | epsilonNotEqual (vec< L, T, Q > const &x, vec< L, T, Q > const &y, T const &epsilon) |
Returns the component-wise comparison of |x - y| < epsilon. More... | |
template<typename genType > | |
GLM_FUNC_DECL bool | epsilonNotEqual (genType const &x, genType const &y, genType const &epsilon) |
Returns the component-wise comparison of |x - y| >= epsilon. More... | |
Definition in file epsilon.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
Go to the source code of this file.
--Functions | |
template<typename T > | |
GLM_FUNC_DECL mat< 4, 4, T, defaultp > | derivedEulerAngleX (T const &angleX, T const &angularVelocityX) |
Creates a 3D 4 * 4 homogeneous derived matrix from the rotation matrix about X-axis. More... | |
template<typename T > | |
GLM_FUNC_DECL mat< 4, 4, T, defaultp > | derivedEulerAngleY (T const &angleY, T const &angularVelocityY) |
Creates a 3D 4 * 4 homogeneous derived matrix from the rotation matrix about Y-axis. More... | |
template<typename T > | |
GLM_FUNC_DECL mat< 4, 4, T, defaultp > | derivedEulerAngleZ (T const &angleZ, T const &angularVelocityZ) |
Creates a 3D 4 * 4 homogeneous derived matrix from the rotation matrix about Z-axis. More... | |
template<typename T > | |
GLM_FUNC_DECL mat< 4, 4, T, defaultp > | eulerAngleX (T const &angleX) |
Creates a 3D 4 * 4 homogeneous rotation matrix from an euler angle X. More... | |
template<typename T > | |
GLM_FUNC_DECL mat< 4, 4, T, defaultp > | eulerAngleXY (T const &angleX, T const &angleY) |
Creates a 3D 4 * 4 homogeneous rotation matrix from euler angles (X * Y). More... | |
template<typename T > | |
GLM_FUNC_DECL mat< 4, 4, T, defaultp > | eulerAngleXYX (T const &t1, T const &t2, T const &t3) |
Creates a 3D 4 * 4 homogeneous rotation matrix from euler angles (X * Y * X). More... | |
template<typename T > | |
GLM_FUNC_DECL mat< 4, 4, T, defaultp > | eulerAngleXYZ (T const &t1, T const &t2, T const &t3) |
Creates a 3D 4 * 4 homogeneous rotation matrix from euler angles (X * Y * Z). More... | |
template<typename T > | |
GLM_FUNC_DECL mat< 4, 4, T, defaultp > | eulerAngleXZ (T const &angleX, T const &angleZ) |
Creates a 3D 4 * 4 homogeneous rotation matrix from euler angles (X * Z). More... | |
template<typename T > | |
GLM_FUNC_DECL mat< 4, 4, T, defaultp > | eulerAngleXZX (T const &t1, T const &t2, T const &t3) |
Creates a 3D 4 * 4 homogeneous rotation matrix from euler angles (X * Z * X). More... | |
template<typename T > | |
GLM_FUNC_DECL mat< 4, 4, T, defaultp > | eulerAngleXZY (T const &t1, T const &t2, T const &t3) |
Creates a 3D 4 * 4 homogeneous rotation matrix from euler angles (X * Z * Y). More... | |
template<typename T > | |
GLM_FUNC_DECL mat< 4, 4, T, defaultp > | eulerAngleY (T const &angleY) |
Creates a 3D 4 * 4 homogeneous rotation matrix from an euler angle Y. More... | |
template<typename T > | |
GLM_FUNC_DECL mat< 4, 4, T, defaultp > | eulerAngleYX (T const &angleY, T const &angleX) |
Creates a 3D 4 * 4 homogeneous rotation matrix from euler angles (Y * X). More... | |
template<typename T > | |
GLM_FUNC_DECL mat< 4, 4, T, defaultp > | eulerAngleYXY (T const &t1, T const &t2, T const &t3) |
Creates a 3D 4 * 4 homogeneous rotation matrix from euler angles (Y * X * Y). More... | |
template<typename T > | |
GLM_FUNC_DECL mat< 4, 4, T, defaultp > | eulerAngleYXZ (T const &yaw, T const &pitch, T const &roll) |
Creates a 3D 4 * 4 homogeneous rotation matrix from euler angles (Y * X * Z). More... | |
template<typename T > | |
GLM_FUNC_DECL mat< 4, 4, T, defaultp > | eulerAngleYZ (T const &angleY, T const &angleZ) |
Creates a 3D 4 * 4 homogeneous rotation matrix from euler angles (Y * Z). More... | |
template<typename T > | |
GLM_FUNC_DECL mat< 4, 4, T, defaultp > | eulerAngleYZX (T const &t1, T const &t2, T const &t3) |
Creates a 3D 4 * 4 homogeneous rotation matrix from euler angles (Y * Z * X). More... | |
template<typename T > | |
GLM_FUNC_DECL mat< 4, 4, T, defaultp > | eulerAngleYZY (T const &t1, T const &t2, T const &t3) |
Creates a 3D 4 * 4 homogeneous rotation matrix from euler angles (Y * Z * Y). More... | |
template<typename T > | |
GLM_FUNC_DECL mat< 4, 4, T, defaultp > | eulerAngleZ (T const &angleZ) |
Creates a 3D 4 * 4 homogeneous rotation matrix from an euler angle Z. More... | |
template<typename T > | |
GLM_FUNC_DECL mat< 4, 4, T, defaultp > | eulerAngleZX (T const &angle, T const &angleX) |
Creates a 3D 4 * 4 homogeneous rotation matrix from euler angles (Z * X). More... | |
template<typename T > | |
GLM_FUNC_DECL mat< 4, 4, T, defaultp > | eulerAngleZXY (T const &t1, T const &t2, T const &t3) |
Creates a 3D 4 * 4 homogeneous rotation matrix from euler angles (Z * X * Y). More... | |
template<typename T > | |
GLM_FUNC_DECL mat< 4, 4, T, defaultp > | eulerAngleZXZ (T const &t1, T const &t2, T const &t3) |
Creates a 3D 4 * 4 homogeneous rotation matrix from euler angles (Z * X * Z). More... | |
template<typename T > | |
GLM_FUNC_DECL mat< 4, 4, T, defaultp > | eulerAngleZY (T const &angleZ, T const &angleY) |
Creates a 3D 4 * 4 homogeneous rotation matrix from euler angles (Z * Y). More... | |
template<typename T > | |
GLM_FUNC_DECL mat< 4, 4, T, defaultp > | eulerAngleZYX (T const &t1, T const &t2, T const &t3) |
Creates a 3D 4 * 4 homogeneous rotation matrix from euler angles (Z * Y * X). More... | |
template<typename T > | |
GLM_FUNC_DECL mat< 4, 4, T, defaultp > | eulerAngleZYZ (T const &t1, T const &t2, T const &t3) |
Creates a 3D 4 * 4 homogeneous rotation matrix from euler angles (Z * Y * Z). More... | |
template<typename T > | |
GLM_FUNC_DECL void | extractEulerAngleXYX (mat< 4, 4, T, defaultp > const &M, T &t1, T &t2, T &t3) |
Extracts the (X * Y * X) Euler angles from the rotation matrix M. More... | |
template<typename T > | |
GLM_FUNC_DECL void | extractEulerAngleXYZ (mat< 4, 4, T, defaultp > const &M, T &t1, T &t2, T &t3) |
Extracts the (X * Y * Z) Euler angles from the rotation matrix M. More... | |
template<typename T > | |
GLM_FUNC_DECL void | extractEulerAngleXZX (mat< 4, 4, T, defaultp > const &M, T &t1, T &t2, T &t3) |
Extracts the (X * Z * X) Euler angles from the rotation matrix M. More... | |
template<typename T > | |
GLM_FUNC_DECL void | extractEulerAngleXZY (mat< 4, 4, T, defaultp > const &M, T &t1, T &t2, T &t3) |
Extracts the (X * Z * Y) Euler angles from the rotation matrix M. More... | |
template<typename T > | |
GLM_FUNC_DECL void | extractEulerAngleYXY (mat< 4, 4, T, defaultp > const &M, T &t1, T &t2, T &t3) |
Extracts the (Y * X * Y) Euler angles from the rotation matrix M. More... | |
template<typename T > | |
GLM_FUNC_DECL void | extractEulerAngleYXZ (mat< 4, 4, T, defaultp > const &M, T &t1, T &t2, T &t3) |
Extracts the (Y * X * Z) Euler angles from the rotation matrix M. More... | |
template<typename T > | |
GLM_FUNC_DECL void | extractEulerAngleYZX (mat< 4, 4, T, defaultp > const &M, T &t1, T &t2, T &t3) |
Extracts the (Y * Z * X) Euler angles from the rotation matrix M. More... | |
template<typename T > | |
GLM_FUNC_DECL void | extractEulerAngleYZY (mat< 4, 4, T, defaultp > const &M, T &t1, T &t2, T &t3) |
Extracts the (Y * Z * Y) Euler angles from the rotation matrix M. More... | |
template<typename T > | |
GLM_FUNC_DECL void | extractEulerAngleZXY (mat< 4, 4, T, defaultp > const &M, T &t1, T &t2, T &t3) |
Extracts the (Z * X * Y) Euler angles from the rotation matrix M. More... | |
template<typename T > | |
GLM_FUNC_DECL void | extractEulerAngleZXZ (mat< 4, 4, T, defaultp > const &M, T &t1, T &t2, T &t3) |
Extracts the (Z * X * Z) Euler angles from the rotation matrix M. More... | |
template<typename T > | |
GLM_FUNC_DECL void | extractEulerAngleZYX (mat< 4, 4, T, defaultp > const &M, T &t1, T &t2, T &t3) |
Extracts the (Z * Y * X) Euler angles from the rotation matrix M. More... | |
template<typename T > | |
GLM_FUNC_DECL void | extractEulerAngleZYZ (mat< 4, 4, T, defaultp > const &M, T &t1, T &t2, T &t3) |
Extracts the (Z * Y * Z) Euler angles from the rotation matrix M. More... | |
template<typename T > | |
GLM_FUNC_DECL mat< 2, 2, T, defaultp > | orientate2 (T const &angle) |
Creates a 2D 2 * 2 rotation matrix from an euler angle. More... | |
template<typename T > | |
GLM_FUNC_DECL mat< 3, 3, T, defaultp > | orientate3 (T const &angle) |
Creates a 2D 4 * 4 homogeneous rotation matrix from an euler angle. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL mat< 3, 3, T, Q > | orientate3 (vec< 3, T, Q > const &angles) |
Creates a 3D 3 * 3 rotation matrix from euler angles (Y * X * Z). More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL mat< 4, 4, T, Q > | orientate4 (vec< 3, T, Q > const &angles) |
Creates a 3D 4 * 4 homogeneous rotation matrix from euler angles (Y * X * Z). More... | |
template<typename T > | |
GLM_FUNC_DECL mat< 4, 4, T, defaultp > | yawPitchRoll (T const &yaw, T const &pitch, T const &roll) |
Creates a 3D 4 * 4 homogeneous rotation matrix from euler angles (Y * X * Z). More... | |
![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
Go to the source code of this file.
--Functions | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, T, Q > | exp (vec< L, T, Q > const &v) |
Returns the natural exponentiation of x, i.e., e^x. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, T, Q > | exp2 (vec< L, T, Q > const &v) |
Returns 2 raised to the v power. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, T, Q > | inversesqrt (vec< L, T, Q > const &v) |
Returns the reciprocal of the positive square root of v. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, T, Q > | log (vec< L, T, Q > const &v) |
Returns the natural logarithm of v, i.e., returns the value y which satisfies the equation x = e^y. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, T, Q > | log2 (vec< L, T, Q > const &v) |
Returns the base 2 log of x, i.e., returns the value y, which satisfies the equation x = 2 ^ y. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, T, Q > | pow (vec< L, T, Q > const &base, vec< L, T, Q > const &exponent) |
Returns 'base' raised to the power 'exponent'. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, T, Q > | sqrt (vec< L, T, Q > const &v) |
Returns the positive square root of v. More... | |
Definition in file exponential.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
Core features (Dependence) -More...
- -Go to the source code of this file.
-Core features (Dependence)
- -Definition in file ext.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
Go to the source code of this file.
--Functions | |
template<typename genType > | |
GLM_FUNC_DECL genType | extend (genType const &Origin, genType const &Source, typename genType::value_type const Length) |
Extends of Length the Origin position using the (Source - Origin) direction. More... | |
![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
GLM_GTX_extented_min_max -More...
- -Go to the source code of this file.
--Functions | |
template<typename genType > | |
GLM_FUNC_DECL genType | fclamp (genType x, genType minVal, genType maxVal) |
Returns min(max(x, minVal), maxVal) for each component in x. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, T, Q > | fclamp (vec< L, T, Q > const &x, T minVal, T maxVal) |
Returns min(max(x, minVal), maxVal) for each component in x. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, T, Q > | fclamp (vec< L, T, Q > const &x, vec< L, T, Q > const &minVal, vec< L, T, Q > const &maxVal) |
Returns min(max(x, minVal), maxVal) for each component in x. More... | |
template<typename genType > | |
GLM_FUNC_DECL genType | fmax (genType x, genType y) |
Returns y if x < y; otherwise, it returns x. More... | |
template<typename genType > | |
GLM_FUNC_DECL genType | fmin (genType x, genType y) |
Returns y if y < x; otherwise, it returns x. More... | |
template<typename T > | |
GLM_FUNC_DECL T | max (T const &x, T const &y, T const &z) |
Return the maximum component-wise values of 3 inputs. More... | |
template<typename T , template< typename > class C> | |
GLM_FUNC_DECL C< T > | max (C< T > const &x, typename C< T >::T const &y, typename C< T >::T const &z) |
Return the maximum component-wise values of 3 inputs. More... | |
template<typename T , template< typename > class C> | |
GLM_FUNC_DECL C< T > | max (C< T > const &x, C< T > const &y, C< T > const &z) |
Return the maximum component-wise values of 3 inputs. More... | |
template<typename T > | |
GLM_FUNC_DECL T | max (T const &x, T const &y, T const &z, T const &w) |
Return the maximum component-wise values of 4 inputs. More... | |
template<typename T , template< typename > class C> | |
GLM_FUNC_DECL C< T > | max (C< T > const &x, typename C< T >::T const &y, typename C< T >::T const &z, typename C< T >::T const &w) |
Return the maximum component-wise values of 4 inputs. More... | |
template<typename T , template< typename > class C> | |
GLM_FUNC_DECL C< T > | max (C< T > const &x, C< T > const &y, C< T > const &z, C< T > const &w) |
Return the maximum component-wise values of 4 inputs. More... | |
template<typename T > | |
GLM_FUNC_DECL T | min (T const &x, T const &y, T const &z) |
Return the minimum component-wise values of 3 inputs. More... | |
template<typename T , template< typename > class C> | |
GLM_FUNC_DECL C< T > | min (C< T > const &x, typename C< T >::T const &y, typename C< T >::T const &z) |
Return the minimum component-wise values of 3 inputs. More... | |
template<typename T , template< typename > class C> | |
GLM_FUNC_DECL C< T > | min (C< T > const &x, C< T > const &y, C< T > const &z) |
Return the minimum component-wise values of 3 inputs. More... | |
template<typename T > | |
GLM_FUNC_DECL T | min (T const &x, T const &y, T const &z, T const &w) |
Return the minimum component-wise values of 4 inputs. More... | |
template<typename T , template< typename > class C> | |
GLM_FUNC_DECL C< T > | min (C< T > const &x, typename C< T >::T const &y, typename C< T >::T const &z, typename C< T >::T const &w) |
Return the minimum component-wise values of 4 inputs. More... | |
template<typename T , template< typename > class C> | |
GLM_FUNC_DECL C< T > | min (C< T > const &x, C< T > const &y, C< T > const &z, C< T > const &w) |
Return the minimum component-wise values of 4 inputs. More... | |
Definition in file extended_min_max.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
GLM_GTX_exterior_product -More...
- -Go to the source code of this file.
--Functions | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL T | cross (vec< 2, T, Q > const &v, vec< 2, T, Q > const &u) |
Returns the cross product of x and y. More... | |
Definition in file exterior_product.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
GLM_GTX_fast_exponential -More...
- -Go to the source code of this file.
--Functions | |
template<typename T > | |
GLM_FUNC_DECL T | fastExp (T x) |
Faster than the common exp function but less accurate. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, T, Q > | fastExp (vec< L, T, Q > const &x) |
Faster than the common exp function but less accurate. More... | |
template<typename T > | |
GLM_FUNC_DECL T | fastExp2 (T x) |
Faster than the common exp2 function but less accurate. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, T, Q > | fastExp2 (vec< L, T, Q > const &x) |
Faster than the common exp2 function but less accurate. More... | |
template<typename T > | |
GLM_FUNC_DECL T | fastLog (T x) |
Faster than the common log function but less accurate. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, T, Q > | fastLog (vec< L, T, Q > const &x) |
Faster than the common exp2 function but less accurate. More... | |
template<typename T > | |
GLM_FUNC_DECL T | fastLog2 (T x) |
Faster than the common log2 function but less accurate. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, T, Q > | fastLog2 (vec< L, T, Q > const &x) |
Faster than the common log2 function but less accurate. More... | |
template<typename genType > | |
GLM_FUNC_DECL genType | fastPow (genType x, genType y) |
Faster than the common pow function but less accurate. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, T, Q > | fastPow (vec< L, T, Q > const &x, vec< L, T, Q > const &y) |
Faster than the common pow function but less accurate. More... | |
template<typename genTypeT , typename genTypeU > | |
GLM_FUNC_DECL genTypeT | fastPow (genTypeT x, genTypeU y) |
Faster than the common pow function but less accurate. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, T, Q > | fastPow (vec< L, T, Q > const &x) |
Faster than the common pow function but less accurate. More... | |
Definition in file fast_exponential.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
GLM_GTX_fast_square_root -More...
- -Go to the source code of this file.
--Functions | |
template<typename genType > | |
GLM_FUNC_DECL genType | fastDistance (genType x, genType y) |
Faster than the common distance function but less accurate. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL T | fastDistance (vec< L, T, Q > const &x, vec< L, T, Q > const &y) |
Faster than the common distance function but less accurate. More... | |
template<typename genType > | |
GLM_FUNC_DECL genType | fastInverseSqrt (genType x) |
Faster than the common inversesqrt function but less accurate. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, T, Q > | fastInverseSqrt (vec< L, T, Q > const &x) |
Faster than the common inversesqrt function but less accurate. More... | |
template<typename genType > | |
GLM_FUNC_DECL genType | fastLength (genType x) |
Faster than the common length function but less accurate. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL T | fastLength (vec< L, T, Q > const &x) |
Faster than the common length function but less accurate. More... | |
template<typename genType > | |
GLM_FUNC_DECL genType | fastNormalize (genType const &x) |
Faster than the common normalize function but less accurate. More... | |
template<typename genType > | |
GLM_FUNC_DECL genType | fastSqrt (genType x) |
Faster than the common sqrt function but less accurate. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, T, Q > | fastSqrt (vec< L, T, Q > const &x) |
Faster than the common sqrt function but less accurate. More... | |
Definition in file fast_square_root.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
GLM_GTX_fast_trigonometry -More...
- -Go to the source code of this file.
--Functions | |
template<typename T > | |
GLM_FUNC_DECL T | fastAcos (T angle) |
Faster than the common acos function but less accurate. More... | |
template<typename T > | |
GLM_FUNC_DECL T | fastAsin (T angle) |
Faster than the common asin function but less accurate. More... | |
template<typename T > | |
GLM_FUNC_DECL T | fastAtan (T y, T x) |
Faster than the common atan function but less accurate. More... | |
template<typename T > | |
GLM_FUNC_DECL T | fastAtan (T angle) |
Faster than the common atan function but less accurate. More... | |
template<typename T > | |
GLM_FUNC_DECL T | fastCos (T angle) |
Faster than the common cos function but less accurate. More... | |
template<typename T > | |
GLM_FUNC_DECL T | fastSin (T angle) |
Faster than the common sin function but less accurate. More... | |
template<typename T > | |
GLM_FUNC_DECL T | fastTan (T angle) |
Faster than the common tan function but less accurate. More... | |
template<typename T > | |
GLM_FUNC_DECL T | wrapAngle (T angle) |
Wrap an angle to [0 2pi[ From GLM_GTX_fast_trigonometry extension. More... | |
Definition in file fast_trigonometry.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
Go to the source code of this file.
--Functions | |
template<typename T > | |
GLM_FUNC_DECL T | gauss (T x, T ExpectedValue, T StandardDeviation) |
1D gauss function More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL T | gauss (vec< 2, T, Q > const &Coord, vec< 2, T, Q > const &ExpectedValue, vec< 2, T, Q > const &StandardDeviation) |
2D gauss function More... | |
Definition in file functions.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
Go to the source code of this file.
--Functions | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL vec< 3, T, Q > | cross (vec< 3, T, Q > const &x, vec< 3, T, Q > const &y) |
Returns the cross product of x and y. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL T | distance (vec< L, T, Q > const &p0, vec< L, T, Q > const &p1) |
Returns the distance betwwen p0 and p1, i.e., length(p0 - p1). More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL T | dot (vec< L, T, Q > const &x, vec< L, T, Q > const &y) |
Returns the dot product of x and y, i.e., result = x * y. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, T, Q > | faceforward (vec< L, T, Q > const &N, vec< L, T, Q > const &I, vec< L, T, Q > const &Nref) |
If dot(Nref, I) < 0.0, return N, otherwise, return -N. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL T | length (vec< L, T, Q > const &x) |
Returns the length of x, i.e., sqrt(x * x). More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, T, Q > | normalize (vec< L, T, Q > const &x) |
Returns a vector in the same direction as x but with length of 1. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, T, Q > | reflect (vec< L, T, Q > const &I, vec< L, T, Q > const &N) |
For the incident vector I and surface orientation N, returns the reflection direction : result = I - 2.0 * dot(N, I) * N. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, T, Q > | refract (vec< L, T, Q > const &I, vec< L, T, Q > const &N, T eta) |
For the incident vector I and surface normal N, and the ratio of indices of refraction eta, return the refraction vector. More... | |
Definition in file geometric.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
GLM_GTX_gradient_paint -More...
- -Go to the source code of this file.
--Functions | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL T | linearGradient (vec< 2, T, Q > const &Point0, vec< 2, T, Q > const &Point1, vec< 2, T, Q > const &Position) |
Return a color from a linear gradient. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL T | radialGradient (vec< 2, T, Q > const &Center, T const &Radius, vec< 2, T, Q > const &Focal, vec< 2, T, Q > const &Position) |
Return a color from a radial gradient. More... | |
Definition in file gradient_paint.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
GLM_GTX_handed_coordinate_space -More...
- -Go to the source code of this file.
--Functions | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL bool | leftHanded (vec< 3, T, Q > const &tangent, vec< 3, T, Q > const &binormal, vec< 3, T, Q > const &normal) |
Return if a trihedron left handed or not. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL bool | rightHanded (vec< 3, T, Q > const &tangent, vec< 3, T, Q > const &binormal, vec< 3, T, Q > const &normal) |
Return if a trihedron right handed or not. More... | |
GLM_GTX_handed_coordinate_space
-Definition in file handed_coordinate_space.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
Go to the source code of this file.
--Functions | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, int, Q > | iround (vec< L, T, Q > const &x) |
Returns a value equal to the nearest integer to x. More... | |
template<typename genIUType > | |
GLM_FUNC_DECL genIUType | log2 (genIUType x) |
Returns the log2 of x for integer values. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, uint, Q > | uround (vec< L, T, Q > const &x) |
Returns a value equal to the nearest integer to x. More... | |
Definition in file gtc/integer.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
Go to the source code of this file.
--Typedefs | |
typedef signed int | sint |
32bit signed integer. More... | |
-Functions | |
template<typename genType > | |
GLM_FUNC_DECL genType | factorial (genType const &x) |
Return the factorial value of a number (!12 max, integer only) From GLM_GTX_integer extension. More... | |
GLM_FUNC_DECL unsigned int | floor_log2 (unsigned int x) |
Returns the floor log2 of x. More... | |
GLM_FUNC_DECL int | mod (int x, int y) |
Modulus. More... | |
GLM_FUNC_DECL uint | mod (uint x, uint y) |
Modulus. More... | |
GLM_FUNC_DECL uint | nlz (uint x) |
Returns the number of leading zeros. More... | |
GLM_FUNC_DECL int | pow (int x, uint y) |
Returns x raised to the y power. More... | |
GLM_FUNC_DECL uint | pow (uint x, uint y) |
Returns x raised to the y power. More... | |
GLM_FUNC_DECL int | sqrt (int x) |
Returns the positive square root of x. More... | |
GLM_FUNC_DECL uint | sqrt (uint x) |
Returns the positive square root of x. More... | |
![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
Go to the source code of this file.
--Functions | |
template<typename genType > | |
GLM_FUNC_DECL int | bitCount (genType v) |
Returns the number of bits set to 1 in the binary representation of value. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, int, Q > | bitCount (vec< L, T, Q > const &v) |
Returns the number of bits set to 1 in the binary representation of value. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, T, Q > | bitfieldExtract (vec< L, T, Q > const &Value, int Offset, int Bits) |
Extracts bits [offset, offset + bits - 1] from value, returning them in the least significant bits of the result. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, T, Q > | bitfieldInsert (vec< L, T, Q > const &Base, vec< L, T, Q > const &Insert, int Offset, int Bits) |
Returns the insertion the bits least-significant bits of insert into base. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, T, Q > | bitfieldReverse (vec< L, T, Q > const &v) |
Returns the reversal of the bits of value. More... | |
template<typename genIUType > | |
GLM_FUNC_DECL int | findLSB (genIUType x) |
Returns the bit number of the least significant bit set to 1 in the binary representation of value. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, int, Q > | findLSB (vec< L, T, Q > const &v) |
Returns the bit number of the least significant bit set to 1 in the binary representation of value. More... | |
template<typename genIUType > | |
GLM_FUNC_DECL int | findMSB (genIUType x) |
Returns the bit number of the most significant bit in the binary representation of value. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, int, Q > | findMSB (vec< L, T, Q > const &v) |
Returns the bit number of the most significant bit in the binary representation of value. More... | |
template<length_t L, qualifier Q> | |
GLM_FUNC_DECL void | imulExtended (vec< L, int, Q > const &x, vec< L, int, Q > const &y, vec< L, int, Q > &msb, vec< L, int, Q > &lsb) |
Multiplies 32-bit integers x and y, producing a 64-bit result. More... | |
template<length_t L, qualifier Q> | |
GLM_FUNC_DECL vec< L, uint, Q > | uaddCarry (vec< L, uint, Q > const &x, vec< L, uint, Q > const &y, vec< L, uint, Q > &carry) |
Adds 32-bit unsigned integer x and y, returning the sum modulo pow(2, 32). More... | |
template<length_t L, qualifier Q> | |
GLM_FUNC_DECL void | umulExtended (vec< L, uint, Q > const &x, vec< L, uint, Q > const &y, vec< L, uint, Q > &msb, vec< L, uint, Q > &lsb) |
Multiplies 32-bit integers x and y, producing a 64-bit result. More... | |
template<length_t L, qualifier Q> | |
GLM_FUNC_DECL vec< L, uint, Q > | usubBorrow (vec< L, uint, Q > const &x, vec< L, uint, Q > const &y, vec< L, uint, Q > &borrow) |
Subtracts the 32-bit unsigned integer y from x, returning the difference if non-negative, or pow(2, 32) plus the difference otherwise. More... | |
Definition in file integer.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
Go to the source code of this file.
--Functions | |
template<typename genType > | |
GLM_FUNC_DECL bool | intersectLineSphere (genType const &point0, genType const &point1, genType const &sphereCenter, typename genType::value_type sphereRadius, genType &intersectionPosition1, genType &intersectionNormal1, genType &intersectionPosition2=genType(), genType &intersectionNormal2=genType()) |
Compute the intersection of a line and a sphere. More... | |
template<typename genType > | |
GLM_FUNC_DECL bool | intersectLineTriangle (genType const &orig, genType const &dir, genType const &vert0, genType const &vert1, genType const &vert2, genType &position) |
Compute the intersection of a line and a triangle. More... | |
template<typename genType > | |
GLM_FUNC_DECL bool | intersectRayPlane (genType const &orig, genType const &dir, genType const &planeOrig, genType const &planeNormal, typename genType::value_type &intersectionDistance) |
Compute the intersection of a ray and a plane. More... | |
template<typename genType > | |
GLM_FUNC_DECL bool | intersectRaySphere (genType const &rayStarting, genType const &rayNormalizedDirection, genType const &sphereCenter, typename genType::value_type const sphereRadiusSquared, typename genType::value_type &intersectionDistance) |
Compute the intersection distance of a ray and a sphere. More... | |
template<typename genType > | |
GLM_FUNC_DECL bool | intersectRaySphere (genType const &rayStarting, genType const &rayNormalizedDirection, genType const &sphereCenter, const typename genType::value_type sphereRadius, genType &intersectionPosition, genType &intersectionNormal) |
Compute the intersection of a ray and a sphere. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL bool | intersectRayTriangle (vec< 3, T, Q > const &orig, vec< 3, T, Q > const &dir, vec< 3, T, Q > const &v0, vec< 3, T, Q > const &v1, vec< 3, T, Q > const &v2, vec< 2, T, Q > &baryPosition, T &distance) |
Compute the intersection of a ray and a triangle. More... | |
Definition in file intersect.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
Go to the source code of this file.
-Definition in file io.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
Go to the source code of this file.
--Functions | |
template<typename genType > | |
GLM_FUNC_DECL genType | log (genType const &x, genType const &base) |
Logarithm for any base. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, T, Q > | sign (vec< L, T, Q > const &x, vec< L, T, Q > const &base) |
Logarithm for any base. More... | |
![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
Go to the source code of this file.
-Definition in file mat2x2.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
Go to the source code of this file.
-Definition in file mat2x3.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
Go to the source code of this file.
-Definition in file mat2x4.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
Go to the source code of this file.
-Definition in file mat3x2.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
Go to the source code of this file.
-Definition in file mat3x3.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
Go to the source code of this file.
-Definition in file mat3x4.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
Go to the source code of this file.
-Definition in file mat4x2.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
Go to the source code of this file.
-Definition in file mat4x3.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
Go to the source code of this file.
-Definition in file mat4x4.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
Go to the source code of this file.
--Functions | |
template<length_t C, length_t R, typename T , qualifier Q> | |
GLM_FUNC_DECL T | determinant (mat< C, R, T, Q > const &m) |
Return the determinant of a squared matrix. More... | |
template<length_t C, length_t R, typename T , qualifier Q> | |
GLM_FUNC_DECL mat< C, R, T, Q > | inverse (mat< C, R, T, Q > const &m) |
Return the inverse of a squared matrix. More... | |
template<length_t C, length_t R, typename T , qualifier Q> | |
GLM_FUNC_DECL mat< C, R, T, Q > | matrixCompMult (mat< C, R, T, Q > const &x, mat< C, R, T, Q > const &y) |
Multiply matrix x by matrix y component-wise, i.e., result[i][j] is the scalar product of x[i][j] and y[i][j]. More... | |
template<length_t C, length_t R, typename T , qualifier Q> | |
GLM_FUNC_DECL detail::outerProduct_trait< C, R, T, Q >::type | outerProduct (vec< C, T, Q > const &c, vec< R, T, Q > const &r) |
Treats the first parameter c as a column vector and the second parameter r as a row vector and does a linear algebraic matrix multiply c * r. More... | |
template<length_t C, length_t R, typename T , qualifier Q> | |
GLM_FUNC_DECL mat< C, R, T, Q >::transpose_type | transpose (mat< C, R, T, Q > const &x) |
Returns the transposed matrix of x. More... | |
Definition in file matrix.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
GLM_GTC_matrix_access -More...
- -Go to the source code of this file.
--Functions | |
template<typename genType > | |
GLM_FUNC_DECL genType::col_type | column (genType const &m, length_t index) |
Get a specific column of a matrix. More... | |
template<typename genType > | |
GLM_FUNC_DECL genType | column (genType const &m, length_t index, typename genType::col_type const &x) |
Set a specific column to a matrix. More... | |
template<typename genType > | |
GLM_FUNC_DECL genType::row_type | row (genType const &m, length_t index) |
Get a specific row of a matrix. More... | |
template<typename genType > | |
GLM_FUNC_DECL genType | row (genType const &m, length_t index, typename genType::row_type const &x) |
Set a specific row to a matrix. More... | |
Definition in file matrix_access.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
GLM_EXT_matrix_clip_space -More...
- -Go to the source code of this file.
--Functions | |
template<typename T > | |
GLM_FUNC_DECL mat< 4, 4, T, defaultp > | frustum (T left, T right, T bottom, T top, T near, T far) |
Creates a frustum matrix with default handedness, using the default handedness and default near and far clip planes definition. More... | |
template<typename T > | |
GLM_FUNC_DECL mat< 4, 4, T, defaultp > | frustumLH (T left, T right, T bottom, T top, T near, T far) |
Creates a left handed frustum matrix. More... | |
template<typename T > | |
GLM_FUNC_DECL mat< 4, 4, T, defaultp > | frustumLH_NO (T left, T right, T bottom, T top, T near, T far) |
Creates a left handed frustum matrix. More... | |
template<typename T > | |
GLM_FUNC_DECL mat< 4, 4, T, defaultp > | frustumLH_ZO (T left, T right, T bottom, T top, T near, T far) |
Creates a left handed frustum matrix. More... | |
template<typename T > | |
GLM_FUNC_DECL mat< 4, 4, T, defaultp > | frustumNO (T left, T right, T bottom, T top, T near, T far) |
Creates a frustum matrix using left-handed coordinates if GLM_FORCE_LEFT_HANDED if defined or right-handed coordinates otherwise. More... | |
template<typename T > | |
GLM_FUNC_DECL mat< 4, 4, T, defaultp > | frustumRH (T left, T right, T bottom, T top, T near, T far) |
Creates a right handed frustum matrix. More... | |
template<typename T > | |
GLM_FUNC_DECL mat< 4, 4, T, defaultp > | frustumRH_NO (T left, T right, T bottom, T top, T near, T far) |
Creates a right handed frustum matrix. More... | |
template<typename T > | |
GLM_FUNC_DECL mat< 4, 4, T, defaultp > | frustumRH_ZO (T left, T right, T bottom, T top, T near, T far) |
Creates a right handed frustum matrix. More... | |
template<typename T > | |
GLM_FUNC_DECL mat< 4, 4, T, defaultp > | frustumZO (T left, T right, T bottom, T top, T near, T far) |
Creates a frustum matrix using left-handed coordinates if GLM_FORCE_LEFT_HANDED if defined or right-handed coordinates otherwise. More... | |
template<typename T > | |
GLM_FUNC_DECL mat< 4, 4, T, defaultp > | infinitePerspective (T fovy, T aspect, T near) |
Creates a matrix for a symmetric perspective-view frustum with far plane at infinite with default handedness. More... | |
template<typename T > | |
GLM_FUNC_DECL mat< 4, 4, T, defaultp > | infinitePerspectiveLH (T fovy, T aspect, T near) |
Creates a matrix for a left handed, symmetric perspective-view frustum with far plane at infinite. More... | |
template<typename T > | |
GLM_FUNC_DECL mat< 4, 4, T, defaultp > | infinitePerspectiveRH (T fovy, T aspect, T near) |
Creates a matrix for a right handed, symmetric perspective-view frustum with far plane at infinite. More... | |
template<typename T > | |
GLM_FUNC_DECL mat< 4, 4, T, defaultp > | ortho (T left, T right, T bottom, T top) |
Creates a matrix for projecting two-dimensional coordinates onto the screen. More... | |
template<typename T > | |
GLM_FUNC_DECL mat< 4, 4, T, defaultp > | ortho (T left, T right, T bottom, T top, T zNear, T zFar) |
Creates a matrix for an orthographic parallel viewing volume, using the default handedness and default near and far clip planes definition. More... | |
template<typename T > | |
GLM_FUNC_DECL mat< 4, 4, T, defaultp > | orthoLH (T left, T right, T bottom, T top, T zNear, T zFar) |
Creates a matrix for an orthographic parallel viewing volume, using left-handed coordinates. More... | |
template<typename T > | |
GLM_FUNC_DECL mat< 4, 4, T, defaultp > | orthoLH_NO (T left, T right, T bottom, T top, T zNear, T zFar) |
Creates a matrix for an orthographic parallel viewing volume using right-handed coordinates. More... | |
template<typename T > | |
GLM_FUNC_DECL mat< 4, 4, T, defaultp > | orthoLH_ZO (T left, T right, T bottom, T top, T zNear, T zFar) |
Creates a matrix for an orthographic parallel viewing volume, using left-handed coordinates. More... | |
template<typename T > | |
GLM_FUNC_DECL mat< 4, 4, T, defaultp > | orthoNO (T left, T right, T bottom, T top, T zNear, T zFar) |
Creates a matrix for an orthographic parallel viewing volume, using left-handed coordinates if GLM_FORCE_LEFT_HANDED if defined or right-handed coordinates otherwise. More... | |
template<typename T > | |
GLM_FUNC_DECL mat< 4, 4, T, defaultp > | orthoRH (T left, T right, T bottom, T top, T zNear, T zFar) |
Creates a matrix for an orthographic parallel viewing volume, using right-handed coordinates. More... | |
template<typename T > | |
GLM_FUNC_DECL mat< 4, 4, T, defaultp > | orthoRH_NO (T left, T right, T bottom, T top, T zNear, T zFar) |
Creates a matrix for an orthographic parallel viewing volume, using right-handed coordinates. More... | |
template<typename T > | |
GLM_FUNC_DECL mat< 4, 4, T, defaultp > | orthoRH_ZO (T left, T right, T bottom, T top, T zNear, T zFar) |
Creates a matrix for an orthographic parallel viewing volume, using left-handed coordinates. More... | |
template<typename T > | |
GLM_FUNC_DECL mat< 4, 4, T, defaultp > | orthoZO (T left, T right, T bottom, T top, T zNear, T zFar) |
Creates a matrix for an orthographic parallel viewing volume, using left-handed coordinates. More... | |
template<typename T > | |
GLM_FUNC_DECL mat< 4, 4, T, defaultp > | perspective (T fovy, T aspect, T near, T far) |
Creates a matrix for a symetric perspective-view frustum based on the default handedness and default near and far clip planes definition. More... | |
template<typename T > | |
GLM_FUNC_DECL mat< 4, 4, T, defaultp > | perspectiveFov (T fov, T width, T height, T near, T far) |
Builds a perspective projection matrix based on a field of view and the default handedness and default near and far clip planes definition. More... | |
template<typename T > | |
GLM_FUNC_DECL mat< 4, 4, T, defaultp > | perspectiveFovLH (T fov, T width, T height, T near, T far) |
Builds a left handed perspective projection matrix based on a field of view. More... | |
template<typename T > | |
GLM_FUNC_DECL mat< 4, 4, T, defaultp > | perspectiveFovLH_NO (T fov, T width, T height, T near, T far) |
Builds a perspective projection matrix based on a field of view using left-handed coordinates. More... | |
template<typename T > | |
GLM_FUNC_DECL mat< 4, 4, T, defaultp > | perspectiveFovLH_ZO (T fov, T width, T height, T near, T far) |
Builds a perspective projection matrix based on a field of view using left-handed coordinates. More... | |
template<typename T > | |
GLM_FUNC_DECL mat< 4, 4, T, defaultp > | perspectiveFovNO (T fov, T width, T height, T near, T far) |
Builds a perspective projection matrix based on a field of view using left-handed coordinates if GLM_FORCE_LEFT_HANDED if defined or right-handed coordinates otherwise. More... | |
template<typename T > | |
GLM_FUNC_DECL mat< 4, 4, T, defaultp > | perspectiveFovRH (T fov, T width, T height, T near, T far) |
Builds a right handed perspective projection matrix based on a field of view. More... | |
template<typename T > | |
GLM_FUNC_DECL mat< 4, 4, T, defaultp > | perspectiveFovRH_NO (T fov, T width, T height, T near, T far) |
Builds a perspective projection matrix based on a field of view using right-handed coordinates. More... | |
template<typename T > | |
GLM_FUNC_DECL mat< 4, 4, T, defaultp > | perspectiveFovRH_ZO (T fov, T width, T height, T near, T far) |
Builds a perspective projection matrix based on a field of view using right-handed coordinates. More... | |
template<typename T > | |
GLM_FUNC_DECL mat< 4, 4, T, defaultp > | perspectiveFovZO (T fov, T width, T height, T near, T far) |
Builds a perspective projection matrix based on a field of view using left-handed coordinates if GLM_FORCE_LEFT_HANDED if defined or right-handed coordinates otherwise. More... | |
template<typename T > | |
GLM_FUNC_DECL mat< 4, 4, T, defaultp > | perspectiveLH (T fovy, T aspect, T near, T far) |
Creates a matrix for a left handed, symetric perspective-view frustum. More... | |
template<typename T > | |
GLM_FUNC_DECL mat< 4, 4, T, defaultp > | perspectiveLH_NO (T fovy, T aspect, T near, T far) |
Creates a matrix for a left handed, symetric perspective-view frustum. More... | |
template<typename T > | |
GLM_FUNC_DECL mat< 4, 4, T, defaultp > | perspectiveLH_ZO (T fovy, T aspect, T near, T far) |
Creates a matrix for a left handed, symetric perspective-view frustum. More... | |
template<typename T > | |
GLM_FUNC_DECL mat< 4, 4, T, defaultp > | perspectiveNO (T fovy, T aspect, T near, T far) |
Creates a matrix for a symetric perspective-view frustum using left-handed coordinates if GLM_FORCE_LEFT_HANDED if defined or right-handed coordinates otherwise. More... | |
template<typename T > | |
GLM_FUNC_DECL mat< 4, 4, T, defaultp > | perspectiveRH (T fovy, T aspect, T near, T far) |
Creates a matrix for a right handed, symetric perspective-view frustum. More... | |
template<typename T > | |
GLM_FUNC_DECL mat< 4, 4, T, defaultp > | perspectiveRH_NO (T fovy, T aspect, T near, T far) |
Creates a matrix for a right handed, symetric perspective-view frustum. More... | |
template<typename T > | |
GLM_FUNC_DECL mat< 4, 4, T, defaultp > | perspectiveRH_ZO (T fovy, T aspect, T near, T far) |
Creates a matrix for a right handed, symetric perspective-view frustum. More... | |
template<typename T > | |
GLM_FUNC_DECL mat< 4, 4, T, defaultp > | perspectiveZO (T fovy, T aspect, T near, T far) |
Creates a matrix for a symetric perspective-view frustum using left-handed coordinates if GLM_FORCE_LEFT_HANDED if defined or right-handed coordinates otherwise. More... | |
template<typename T > | |
GLM_FUNC_DECL mat< 4, 4, T, defaultp > | tweakedInfinitePerspective (T fovy, T aspect, T near) |
Creates a matrix for a symmetric perspective-view frustum with far plane at infinite for graphics hardware that doesn't support depth clamping. More... | |
template<typename T > | |
GLM_FUNC_DECL mat< 4, 4, T, defaultp > | tweakedInfinitePerspective (T fovy, T aspect, T near, T ep) |
Creates a matrix for a symmetric perspective-view frustum with far plane at infinite for graphics hardware that doesn't support depth clamping. More... | |
Definition in file matrix_clip_space.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
GLM_EXT_matrix_common -More...
- -Go to the source code of this file.
-Definition in file matrix_common.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
GLM_GTX_matrix_cross_product -More...
- -Go to the source code of this file.
--Functions | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL mat< 3, 3, T, Q > | matrixCross3 (vec< 3, T, Q > const &x) |
Build a cross product matrix. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL mat< 4, 4, T, Q > | matrixCross4 (vec< 3, T, Q > const &x) |
Build a cross product matrix. More... | |
Definition in file matrix_cross_product.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
GLM_GTX_matrix_decompose -More...
- -Go to the source code of this file.
--Functions | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL bool | decompose (mat< 4, 4, T, Q > const &modelMatrix, vec< 3, T, Q > &scale, qua< T, Q > &orientation, vec< 3, T, Q > &translation, vec< 3, T, Q > &skew, vec< 4, T, Q > &perspective) |
Decomposes a model matrix to translations, rotation and scale components. More... | |
Definition in file matrix_decompose.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
Go to the source code of this file.
--Typedefs | |
typedef mat< 2, 2, double, defaultp > | dmat2 |
2 columns of 2 components matrix of double-precision floating-point numbers. More... | |
typedef mat< 2, 2, double, defaultp > | dmat2x2 |
2 columns of 2 components matrix of double-precision floating-point numbers. More... | |
Definition in file matrix_double2x2.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
Go to the source code of this file.
--Typedefs | |
typedef mat< 2, 2, double, highp > | highp_dmat2 |
2 columns of 2 components matrix of double-precision floating-point numbers using medium precision arithmetic in term of ULPs. More... | |
typedef mat< 2, 2, double, highp > | highp_dmat2x2 |
2 columns of 2 components matrix of double-precision floating-point numbers using medium precision arithmetic in term of ULPs. More... | |
typedef mat< 2, 2, double, lowp > | lowp_dmat2 |
2 columns of 2 components matrix of double-precision floating-point numbers using low precision arithmetic in term of ULPs. More... | |
typedef mat< 2, 2, double, lowp > | lowp_dmat2x2 |
2 columns of 2 components matrix of double-precision floating-point numbers using low precision arithmetic in term of ULPs. More... | |
typedef mat< 2, 2, double, mediump > | mediump_dmat2 |
2 columns of 2 components matrix of double-precision floating-point numbers using medium precision arithmetic in term of ULPs. More... | |
typedef mat< 2, 2, double, mediump > | mediump_dmat2x2 |
2 columns of 2 components matrix of double-precision floating-point numbers using medium precision arithmetic in term of ULPs. More... | |
Definition in file matrix_double2x2_precision.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
Go to the source code of this file.
--Typedefs | |
typedef mat< 2, 3, double, defaultp > | dmat2x3 |
2 columns of 3 components matrix of double-precision floating-point numbers. More... | |
Definition in file matrix_double2x3.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
Go to the source code of this file.
--Typedefs | |
typedef mat< 2, 3, double, highp > | highp_dmat2x3 |
2 columns of 3 components matrix of double-precision floating-point numbers using medium precision arithmetic in term of ULPs. More... | |
typedef mat< 2, 3, double, lowp > | lowp_dmat2x3 |
2 columns of 3 components matrix of double-precision floating-point numbers using low precision arithmetic in term of ULPs. More... | |
typedef mat< 2, 3, double, mediump > | mediump_dmat2x3 |
2 columns of 3 components matrix of double-precision floating-point numbers using medium precision arithmetic in term of ULPs. More... | |
Definition in file matrix_double2x3_precision.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
Go to the source code of this file.
--Typedefs | |
typedef mat< 2, 4, double, defaultp > | dmat2x4 |
2 columns of 4 components matrix of double-precision floating-point numbers. More... | |
Definition in file matrix_double2x4.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
Go to the source code of this file.
--Typedefs | |
typedef mat< 2, 4, double, highp > | highp_dmat2x4 |
2 columns of 4 components matrix of double-precision floating-point numbers using medium precision arithmetic in term of ULPs. More... | |
typedef mat< 2, 4, double, lowp > | lowp_dmat2x4 |
2 columns of 4 components matrix of double-precision floating-point numbers using low precision arithmetic in term of ULPs. More... | |
typedef mat< 2, 4, double, mediump > | mediump_dmat2x4 |
2 columns of 4 components matrix of double-precision floating-point numbers using medium precision arithmetic in term of ULPs. More... | |
Definition in file matrix_double2x4_precision.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
Go to the source code of this file.
--Typedefs | |
typedef mat< 3, 2, double, defaultp > | dmat3x2 |
3 columns of 2 components matrix of double-precision floating-point numbers. More... | |
Definition in file matrix_double3x2.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
Go to the source code of this file.
--Typedefs | |
typedef mat< 3, 2, double, highp > | highp_dmat3x2 |
3 columns of 2 components matrix of double-precision floating-point numbers using medium precision arithmetic in term of ULPs. More... | |
typedef mat< 3, 2, double, lowp > | lowp_dmat3x2 |
3 columns of 2 components matrix of double-precision floating-point numbers using low precision arithmetic in term of ULPs. More... | |
typedef mat< 3, 2, double, mediump > | mediump_dmat3x2 |
3 columns of 2 components matrix of double-precision floating-point numbers using medium precision arithmetic in term of ULPs. More... | |
Definition in file matrix_double3x2_precision.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
Go to the source code of this file.
--Typedefs | |
typedef mat< 3, 3, double, defaultp > | dmat3 |
3 columns of 3 components matrix of double-precision floating-point numbers. More... | |
typedef mat< 3, 3, double, defaultp > | dmat3x3 |
3 columns of 3 components matrix of double-precision floating-point numbers. More... | |
Definition in file matrix_double3x3.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
Go to the source code of this file.
--Typedefs | |
typedef mat< 3, 3, double, highp > | highp_dmat3 |
3 columns of 3 components matrix of double-precision floating-point numbers using medium precision arithmetic in term of ULPs. More... | |
typedef mat< 3, 3, double, highp > | highp_dmat3x3 |
3 columns of 3 components matrix of double-precision floating-point numbers using medium precision arithmetic in term of ULPs. More... | |
typedef mat< 3, 3, double, lowp > | lowp_dmat3 |
3 columns of 3 components matrix of double-precision floating-point numbers using low precision arithmetic in term of ULPs. More... | |
typedef mat< 3, 3, double, lowp > | lowp_dmat3x3 |
3 columns of 3 components matrix of double-precision floating-point numbers using low precision arithmetic in term of ULPs. More... | |
typedef mat< 3, 3, double, mediump > | mediump_dmat3 |
3 columns of 3 components matrix of double-precision floating-point numbers using medium precision arithmetic in term of ULPs. More... | |
typedef mat< 3, 3, double, mediump > | mediump_dmat3x3 |
3 columns of 3 components matrix of double-precision floating-point numbers using medium precision arithmetic in term of ULPs. More... | |
Definition in file matrix_double3x3_precision.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
Go to the source code of this file.
--Typedefs | |
typedef mat< 3, 4, double, defaultp > | dmat3x4 |
3 columns of 4 components matrix of double-precision floating-point numbers. More... | |
Definition in file matrix_double3x4.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
Go to the source code of this file.
--Typedefs | |
typedef mat< 3, 4, double, highp > | highp_dmat3x4 |
3 columns of 4 components matrix of double-precision floating-point numbers using medium precision arithmetic in term of ULPs. More... | |
typedef mat< 3, 4, double, lowp > | lowp_dmat3x4 |
3 columns of 4 components matrix of double-precision floating-point numbers using low precision arithmetic in term of ULPs. More... | |
typedef mat< 3, 4, double, mediump > | mediump_dmat3x4 |
3 columns of 4 components matrix of double-precision floating-point numbers using medium precision arithmetic in term of ULPs. More... | |
Definition in file matrix_double3x4_precision.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
Go to the source code of this file.
--Typedefs | |
typedef mat< 4, 2, double, defaultp > | dmat4x2 |
4 columns of 2 components matrix of double-precision floating-point numbers. More... | |
Definition in file matrix_double4x2.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
Go to the source code of this file.
--Typedefs | |
typedef mat< 4, 2, double, highp > | highp_dmat4x2 |
4 columns of 2 components matrix of double-precision floating-point numbers using medium precision arithmetic in term of ULPs. More... | |
typedef mat< 4, 2, double, lowp > | lowp_dmat4x2 |
4 columns of 2 components matrix of double-precision floating-point numbers using low precision arithmetic in term of ULPs. More... | |
typedef mat< 4, 2, double, mediump > | mediump_dmat4x2 |
4 columns of 2 components matrix of double-precision floating-point numbers using medium precision arithmetic in term of ULPs. More... | |
Definition in file matrix_double4x2_precision.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
Go to the source code of this file.
--Typedefs | |
typedef mat< 4, 3, double, defaultp > | dmat4x3 |
4 columns of 3 components matrix of double-precision floating-point numbers. More... | |
Definition in file matrix_double4x3.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
Go to the source code of this file.
--Typedefs | |
typedef mat< 4, 3, double, highp > | highp_dmat4x3 |
4 columns of 3 components matrix of double-precision floating-point numbers using medium precision arithmetic in term of ULPs. More... | |
typedef mat< 4, 3, double, lowp > | lowp_dmat4x3 |
4 columns of 3 components matrix of double-precision floating-point numbers using low precision arithmetic in term of ULPs. More... | |
typedef mat< 4, 3, double, mediump > | mediump_dmat4x3 |
4 columns of 3 components matrix of double-precision floating-point numbers using medium precision arithmetic in term of ULPs. More... | |
Definition in file matrix_double4x3_precision.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
Go to the source code of this file.
--Typedefs | |
typedef mat< 4, 4, double, defaultp > | dmat4 |
4 columns of 4 components matrix of double-precision floating-point numbers. More... | |
typedef mat< 4, 4, double, defaultp > | dmat4x4 |
4 columns of 4 components matrix of double-precision floating-point numbers. More... | |
Definition in file matrix_double4x4.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
Go to the source code of this file.
--Typedefs | |
typedef mat< 4, 4, double, highp > | highp_dmat4 |
4 columns of 4 components matrix of double-precision floating-point numbers using medium precision arithmetic in term of ULPs. More... | |
typedef mat< 4, 4, double, highp > | highp_dmat4x4 |
4 columns of 4 components matrix of double-precision floating-point numbers using medium precision arithmetic in term of ULPs. More... | |
typedef mat< 4, 4, double, lowp > | lowp_dmat4 |
4 columns of 4 components matrix of double-precision floating-point numbers using low precision arithmetic in term of ULPs. More... | |
typedef mat< 4, 4, double, lowp > | lowp_dmat4x4 |
4 columns of 4 components matrix of double-precision floating-point numbers using low precision arithmetic in term of ULPs. More... | |
typedef mat< 4, 4, double, mediump > | mediump_dmat4 |
4 columns of 4 components matrix of double-precision floating-point numbers using medium precision arithmetic in term of ULPs. More... | |
typedef mat< 4, 4, double, mediump > | mediump_dmat4x4 |
4 columns of 4 components matrix of double-precision floating-point numbers using medium precision arithmetic in term of ULPs. More... | |
Definition in file matrix_double4x4_precision.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
GLM_GTX_matrix_factorisation -More...
- -Go to the source code of this file.
--Functions | |
template<length_t C, length_t R, typename T , qualifier Q> | |
GLM_FUNC_DECL mat< C, R, T, Q > | fliplr (mat< C, R, T, Q > const &in) |
Flips the matrix columns right and left. More... | |
template<length_t C, length_t R, typename T , qualifier Q> | |
GLM_FUNC_DECL mat< C, R, T, Q > | flipud (mat< C, R, T, Q > const &in) |
Flips the matrix rows up and down. More... | |
template<length_t C, length_t R, typename T , qualifier Q> | |
GLM_FUNC_DECL void | qr_decompose (mat< C, R, T, Q > const &in, mat<(C< R?C:R), R, T, Q > &q, mat< C,(C< R?C:R), T, Q > &r) |
Performs QR factorisation of a matrix. More... | |
template<length_t C, length_t R, typename T , qualifier Q> | |
GLM_FUNC_DECL void | rq_decompose (mat< C, R, T, Q > const &in, mat<(C< R?C:R), R, T, Q > &r, mat< C,(C< R?C:R), T, Q > &q) |
Performs RQ factorisation of a matrix. More... | |
Definition in file matrix_factorisation.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
Go to the source code of this file.
--Typedefs | |
typedef mat< 2, 2, float, defaultp > | mat2 |
2 columns of 2 components matrix of single-precision floating-point numbers. More... | |
typedef mat< 2, 2, float, defaultp > | mat2x2 |
2 columns of 2 components matrix of single-precision floating-point numbers. More... | |
Definition in file matrix_float2x2.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
Go to the source code of this file.
--Typedefs | |
typedef mat< 2, 2, float, highp > | highp_mat2 |
2 columns of 2 components matrix of single-precision floating-point numbers using high precision arithmetic in term of ULPs. More... | |
typedef mat< 2, 2, float, highp > | highp_mat2x2 |
2 columns of 2 components matrix of single-precision floating-point numbers using high precision arithmetic in term of ULPs. More... | |
typedef mat< 2, 2, float, lowp > | lowp_mat2 |
2 columns of 2 components matrix of single-precision floating-point numbers using low precision arithmetic in term of ULPs. More... | |
typedef mat< 2, 2, float, lowp > | lowp_mat2x2 |
2 columns of 2 components matrix of single-precision floating-point numbers using low precision arithmetic in term of ULPs. More... | |
typedef mat< 2, 2, float, mediump > | mediump_mat2 |
2 columns of 2 components matrix of single-precision floating-point numbers using medium precision arithmetic in term of ULPs. More... | |
typedef mat< 2, 2, float, mediump > | mediump_mat2x2 |
2 columns of 2 components matrix of single-precision floating-point numbers using medium precision arithmetic in term of ULPs. More... | |
Definition in file matrix_float2x2_precision.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
Go to the source code of this file.
--Typedefs | |
typedef mat< 2, 3, float, defaultp > | mat2x3 |
2 columns of 3 components matrix of single-precision floating-point numbers. More... | |
Definition in file matrix_float2x3.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
Go to the source code of this file.
--Typedefs | |
typedef mat< 2, 3, float, highp > | highp_mat2x3 |
2 columns of 3 components matrix of single-precision floating-point numbers using high precision arithmetic in term of ULPs. More... | |
typedef mat< 2, 3, float, lowp > | lowp_mat2x3 |
2 columns of 3 components matrix of single-precision floating-point numbers using low precision arithmetic in term of ULPs. More... | |
typedef mat< 2, 3, float, mediump > | mediump_mat2x3 |
2 columns of 3 components matrix of single-precision floating-point numbers using medium precision arithmetic in term of ULPs. More... | |
Definition in file matrix_float2x3_precision.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
Go to the source code of this file.
--Typedefs | |
typedef mat< 2, 4, float, defaultp > | mat2x4 |
2 columns of 4 components matrix of single-precision floating-point numbers. More... | |
Definition in file matrix_float2x4.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
Go to the source code of this file.
--Typedefs | |
typedef mat< 2, 4, float, highp > | highp_mat2x4 |
2 columns of 4 components matrix of single-precision floating-point numbers using high precision arithmetic in term of ULPs. More... | |
typedef mat< 2, 4, float, lowp > | lowp_mat2x4 |
2 columns of 4 components matrix of single-precision floating-point numbers using low precision arithmetic in term of ULPs. More... | |
typedef mat< 2, 4, float, mediump > | mediump_mat2x4 |
2 columns of 4 components matrix of single-precision floating-point numbers using medium precision arithmetic in term of ULPs. More... | |
Definition in file matrix_float2x4_precision.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
Go to the source code of this file.
--Typedefs | |
typedef mat< 3, 2, float, defaultp > | mat3x2 |
3 columns of 2 components matrix of single-precision floating-point numbers. More... | |
Definition in file matrix_float3x2.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
Go to the source code of this file.
--Typedefs | |
typedef mat< 3, 2, float, highp > | highp_mat3x2 |
3 columns of 2 components matrix of single-precision floating-point numbers using high precision arithmetic in term of ULPs. More... | |
typedef mat< 3, 2, float, lowp > | lowp_mat3x2 |
3 columns of 2 components matrix of single-precision floating-point numbers using low precision arithmetic in term of ULPs. More... | |
typedef mat< 3, 2, float, mediump > | mediump_mat3x2 |
3 columns of 2 components matrix of single-precision floating-point numbers using medium precision arithmetic in term of ULPs. More... | |
Definition in file matrix_float3x2_precision.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
Go to the source code of this file.
--Typedefs | |
typedef mat< 3, 3, float, defaultp > | mat3 |
3 columns of 3 components matrix of single-precision floating-point numbers. More... | |
typedef mat< 3, 3, float, defaultp > | mat3x3 |
3 columns of 3 components matrix of single-precision floating-point numbers. More... | |
Definition in file matrix_float3x3.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
Go to the source code of this file.
--Typedefs | |
typedef mat< 3, 3, float, highp > | highp_mat3 |
3 columns of 3 components matrix of single-precision floating-point numbers using high precision arithmetic in term of ULPs. More... | |
typedef mat< 3, 3, float, highp > | highp_mat3x3 |
3 columns of 3 components matrix of single-precision floating-point numbers using high precision arithmetic in term of ULPs. More... | |
typedef mat< 3, 3, float, lowp > | lowp_mat3 |
3 columns of 3 components matrix of single-precision floating-point numbers using low precision arithmetic in term of ULPs. More... | |
typedef mat< 3, 3, float, lowp > | lowp_mat3x3 |
3 columns of 3 components matrix of single-precision floating-point numbers using low precision arithmetic in term of ULPs. More... | |
typedef mat< 3, 3, float, mediump > | mediump_mat3 |
3 columns of 3 components matrix of single-precision floating-point numbers using medium precision arithmetic in term of ULPs. More... | |
typedef mat< 3, 3, float, mediump > | mediump_mat3x3 |
3 columns of 3 components matrix of single-precision floating-point numbers using medium precision arithmetic in term of ULPs. More... | |
Definition in file matrix_float3x3_precision.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
Go to the source code of this file.
--Typedefs | |
typedef mat< 3, 4, float, defaultp > | mat3x4 |
3 columns of 4 components matrix of single-precision floating-point numbers. More... | |
Definition in file matrix_float3x4.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
Go to the source code of this file.
--Typedefs | |
typedef mat< 3, 4, float, highp > | highp_mat3x4 |
3 columns of 4 components matrix of single-precision floating-point numbers using high precision arithmetic in term of ULPs. More... | |
typedef mat< 3, 4, float, lowp > | lowp_mat3x4 |
3 columns of 4 components matrix of single-precision floating-point numbers using low precision arithmetic in term of ULPs. More... | |
typedef mat< 3, 4, float, mediump > | mediump_mat3x4 |
3 columns of 4 components matrix of single-precision floating-point numbers using medium precision arithmetic in term of ULPs. More... | |
Definition in file matrix_float3x4_precision.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
Go to the source code of this file.
--Typedefs | |
typedef mat< 4, 2, float, defaultp > | mat4x2 |
4 columns of 2 components matrix of single-precision floating-point numbers. More... | |
Definition in file matrix_float4x2.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
Go to the source code of this file.
--Typedefs | |
typedef mat< 4, 3, float, defaultp > | mat4x3 |
4 columns of 3 components matrix of single-precision floating-point numbers. More... | |
Definition in file matrix_float4x3.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
Go to the source code of this file.
--Typedefs | |
typedef mat< 4, 3, float, highp > | highp_mat4x3 |
4 columns of 3 components matrix of single-precision floating-point numbers using high precision arithmetic in term of ULPs. More... | |
typedef mat< 4, 3, float, lowp > | lowp_mat4x3 |
4 columns of 3 components matrix of single-precision floating-point numbers using low precision arithmetic in term of ULPs. More... | |
typedef mat< 4, 3, float, mediump > | mediump_mat4x3 |
4 columns of 3 components matrix of single-precision floating-point numbers using medium precision arithmetic in term of ULPs. More... | |
Definition in file matrix_float4x3_precision.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
Go to the source code of this file.
-typedef mat< 4, 4, float, defaultp > | mat4x4 |
4 columns of 4 components matrix of single-precision floating-point numbers. More... | |
typedef mat< 4, 4, float, defaultp > | mat4 |
4 columns of 4 components matrix of single-precision floating-point numbers. More... | |
Definition in file matrix_float4x4.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
Go to the source code of this file.
--Typedefs | |
typedef mat< 4, 4, float, highp > | highp_mat4 |
4 columns of 4 components matrix of single-precision floating-point numbers using high precision arithmetic in term of ULPs. More... | |
typedef mat< 4, 4, float, highp > | highp_mat4x4 |
4 columns of 4 components matrix of single-precision floating-point numbers using high precision arithmetic in term of ULPs. More... | |
typedef mat< 4, 4, float, lowp > | lowp_mat4 |
4 columns of 4 components matrix of single-precision floating-point numbers using low precision arithmetic in term of ULPs. More... | |
typedef mat< 4, 4, float, lowp > | lowp_mat4x4 |
4 columns of 4 components matrix of single-precision floating-point numbers using low precision arithmetic in term of ULPs. More... | |
typedef mat< 4, 4, float, mediump > | mediump_mat4 |
4 columns of 4 components matrix of single-precision floating-point numbers using medium precision arithmetic in term of ULPs. More... | |
typedef mat< 4, 4, float, mediump > | mediump_mat4x4 |
4 columns of 4 components matrix of single-precision floating-point numbers using medium precision arithmetic in term of ULPs. More... | |
Definition in file matrix_float4x4_precision.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
GLM_GTC_matrix_integer -More...
- -Go to the source code of this file.
--Typedefs | |
typedef mat< 2, 2, int, highp > | highp_imat2 |
High-qualifier signed integer 2x2 matrix. More... | |
typedef mat< 2, 2, int, highp > | highp_imat2x2 |
High-qualifier signed integer 2x2 matrix. More... | |
typedef mat< 2, 3, int, highp > | highp_imat2x3 |
High-qualifier signed integer 2x3 matrix. More... | |
typedef mat< 2, 4, int, highp > | highp_imat2x4 |
High-qualifier signed integer 2x4 matrix. More... | |
typedef mat< 3, 3, int, highp > | highp_imat3 |
High-qualifier signed integer 3x3 matrix. More... | |
typedef mat< 3, 2, int, highp > | highp_imat3x2 |
High-qualifier signed integer 3x2 matrix. More... | |
typedef mat< 3, 3, int, highp > | highp_imat3x3 |
High-qualifier signed integer 3x3 matrix. More... | |
typedef mat< 3, 4, int, highp > | highp_imat3x4 |
High-qualifier signed integer 3x4 matrix. More... | |
typedef mat< 4, 4, int, highp > | highp_imat4 |
High-qualifier signed integer 4x4 matrix. More... | |
typedef mat< 4, 2, int, highp > | highp_imat4x2 |
High-qualifier signed integer 4x2 matrix. More... | |
typedef mat< 4, 3, int, highp > | highp_imat4x3 |
High-qualifier signed integer 4x3 matrix. More... | |
typedef mat< 4, 4, int, highp > | highp_imat4x4 |
High-qualifier signed integer 4x4 matrix. More... | |
typedef mat< 2, 2, uint, highp > | highp_umat2 |
High-qualifier unsigned integer 2x2 matrix. More... | |
typedef mat< 2, 2, uint, highp > | highp_umat2x2 |
High-qualifier unsigned integer 2x2 matrix. More... | |
typedef mat< 2, 3, uint, highp > | highp_umat2x3 |
High-qualifier unsigned integer 2x3 matrix. More... | |
typedef mat< 2, 4, uint, highp > | highp_umat2x4 |
High-qualifier unsigned integer 2x4 matrix. More... | |
typedef mat< 3, 3, uint, highp > | highp_umat3 |
High-qualifier unsigned integer 3x3 matrix. More... | |
typedef mat< 3, 2, uint, highp > | highp_umat3x2 |
High-qualifier unsigned integer 3x2 matrix. More... | |
typedef mat< 3, 3, uint, highp > | highp_umat3x3 |
High-qualifier unsigned integer 3x3 matrix. More... | |
typedef mat< 3, 4, uint, highp > | highp_umat3x4 |
High-qualifier unsigned integer 3x4 matrix. More... | |
typedef mat< 4, 4, uint, highp > | highp_umat4 |
High-qualifier unsigned integer 4x4 matrix. More... | |
typedef mat< 4, 2, uint, highp > | highp_umat4x2 |
High-qualifier unsigned integer 4x2 matrix. More... | |
typedef mat< 4, 3, uint, highp > | highp_umat4x3 |
High-qualifier unsigned integer 4x3 matrix. More... | |
typedef mat< 4, 4, uint, highp > | highp_umat4x4 |
High-qualifier unsigned integer 4x4 matrix. More... | |
typedef mediump_imat2 | imat2 |
Signed integer 2x2 matrix. More... | |
typedef mediump_imat2x2 | imat2x2 |
Signed integer 2x2 matrix. More... | |
typedef mediump_imat2x3 | imat2x3 |
Signed integer 2x3 matrix. More... | |
typedef mediump_imat2x4 | imat2x4 |
Signed integer 2x4 matrix. More... | |
typedef mediump_imat3 | imat3 |
Signed integer 3x3 matrix. More... | |
typedef mediump_imat3x2 | imat3x2 |
Signed integer 3x2 matrix. More... | |
typedef mediump_imat3x3 | imat3x3 |
Signed integer 3x3 matrix. More... | |
typedef mediump_imat3x4 | imat3x4 |
Signed integer 3x4 matrix. More... | |
typedef mediump_imat4 | imat4 |
Signed integer 4x4 matrix. More... | |
typedef mediump_imat4x2 | imat4x2 |
Signed integer 4x2 matrix. More... | |
typedef mediump_imat4x3 | imat4x3 |
Signed integer 4x3 matrix. More... | |
typedef mediump_imat4x4 | imat4x4 |
Signed integer 4x4 matrix. More... | |
typedef mat< 2, 2, int, lowp > | lowp_imat2 |
Low-qualifier signed integer 2x2 matrix. More... | |
typedef mat< 2, 2, int, lowp > | lowp_imat2x2 |
Low-qualifier signed integer 2x2 matrix. More... | |
typedef mat< 2, 3, int, lowp > | lowp_imat2x3 |
Low-qualifier signed integer 2x3 matrix. More... | |
typedef mat< 2, 4, int, lowp > | lowp_imat2x4 |
Low-qualifier signed integer 2x4 matrix. More... | |
typedef mat< 3, 3, int, lowp > | lowp_imat3 |
Low-qualifier signed integer 3x3 matrix. More... | |
typedef mat< 3, 2, int, lowp > | lowp_imat3x2 |
Low-qualifier signed integer 3x2 matrix. More... | |
typedef mat< 3, 3, int, lowp > | lowp_imat3x3 |
Low-qualifier signed integer 3x3 matrix. More... | |
typedef mat< 3, 4, int, lowp > | lowp_imat3x4 |
Low-qualifier signed integer 3x4 matrix. More... | |
typedef mat< 4, 4, int, lowp > | lowp_imat4 |
Low-qualifier signed integer 4x4 matrix. More... | |
typedef mat< 4, 2, int, lowp > | lowp_imat4x2 |
Low-qualifier signed integer 4x2 matrix. More... | |
typedef mat< 4, 3, int, lowp > | lowp_imat4x3 |
Low-qualifier signed integer 4x3 matrix. More... | |
typedef mat< 4, 4, int, lowp > | lowp_imat4x4 |
Low-qualifier signed integer 4x4 matrix. More... | |
typedef mat< 2, 2, uint, lowp > | lowp_umat2 |
Low-qualifier unsigned integer 2x2 matrix. More... | |
typedef mat< 2, 2, uint, lowp > | lowp_umat2x2 |
Low-qualifier unsigned integer 2x2 matrix. More... | |
typedef mat< 2, 3, uint, lowp > | lowp_umat2x3 |
Low-qualifier unsigned integer 2x3 matrix. More... | |
typedef mat< 2, 4, uint, lowp > | lowp_umat2x4 |
Low-qualifier unsigned integer 2x4 matrix. More... | |
typedef mat< 3, 3, uint, lowp > | lowp_umat3 |
Low-qualifier unsigned integer 3x3 matrix. More... | |
typedef mat< 3, 2, uint, lowp > | lowp_umat3x2 |
Low-qualifier unsigned integer 3x2 matrix. More... | |
typedef mat< 3, 3, uint, lowp > | lowp_umat3x3 |
Low-qualifier unsigned integer 3x3 matrix. More... | |
typedef mat< 3, 4, uint, lowp > | lowp_umat3x4 |
Low-qualifier unsigned integer 3x4 matrix. More... | |
typedef mat< 4, 4, uint, lowp > | lowp_umat4 |
Low-qualifier unsigned integer 4x4 matrix. More... | |
typedef mat< 4, 2, uint, lowp > | lowp_umat4x2 |
Low-qualifier unsigned integer 4x2 matrix. More... | |
typedef mat< 4, 3, uint, lowp > | lowp_umat4x3 |
Low-qualifier unsigned integer 4x3 matrix. More... | |
typedef mat< 4, 4, uint, lowp > | lowp_umat4x4 |
Low-qualifier unsigned integer 4x4 matrix. More... | |
typedef mat< 2, 2, int, mediump > | mediump_imat2 |
Medium-qualifier signed integer 2x2 matrix. More... | |
typedef mat< 2, 2, int, mediump > | mediump_imat2x2 |
Medium-qualifier signed integer 2x2 matrix. More... | |
typedef mat< 2, 3, int, mediump > | mediump_imat2x3 |
Medium-qualifier signed integer 2x3 matrix. More... | |
typedef mat< 2, 4, int, mediump > | mediump_imat2x4 |
Medium-qualifier signed integer 2x4 matrix. More... | |
typedef mat< 3, 3, int, mediump > | mediump_imat3 |
Medium-qualifier signed integer 3x3 matrix. More... | |
typedef mat< 3, 2, int, mediump > | mediump_imat3x2 |
Medium-qualifier signed integer 3x2 matrix. More... | |
typedef mat< 3, 3, int, mediump > | mediump_imat3x3 |
Medium-qualifier signed integer 3x3 matrix. More... | |
typedef mat< 3, 4, int, mediump > | mediump_imat3x4 |
Medium-qualifier signed integer 3x4 matrix. More... | |
typedef mat< 4, 4, int, mediump > | mediump_imat4 |
Medium-qualifier signed integer 4x4 matrix. More... | |
typedef mat< 4, 2, int, mediump > | mediump_imat4x2 |
Medium-qualifier signed integer 4x2 matrix. More... | |
typedef mat< 4, 3, int, mediump > | mediump_imat4x3 |
Medium-qualifier signed integer 4x3 matrix. More... | |
typedef mat< 4, 4, int, mediump > | mediump_imat4x4 |
Medium-qualifier signed integer 4x4 matrix. More... | |
typedef mat< 2, 2, uint, mediump > | mediump_umat2 |
Medium-qualifier unsigned integer 2x2 matrix. More... | |
typedef mat< 2, 2, uint, mediump > | mediump_umat2x2 |
Medium-qualifier unsigned integer 2x2 matrix. More... | |
typedef mat< 2, 3, uint, mediump > | mediump_umat2x3 |
Medium-qualifier unsigned integer 2x3 matrix. More... | |
typedef mat< 2, 4, uint, mediump > | mediump_umat2x4 |
Medium-qualifier unsigned integer 2x4 matrix. More... | |
typedef mat< 3, 3, uint, mediump > | mediump_umat3 |
Medium-qualifier unsigned integer 3x3 matrix. More... | |
typedef mat< 3, 2, uint, mediump > | mediump_umat3x2 |
Medium-qualifier unsigned integer 3x2 matrix. More... | |
typedef mat< 3, 3, uint, mediump > | mediump_umat3x3 |
Medium-qualifier unsigned integer 3x3 matrix. More... | |
typedef mat< 3, 4, uint, mediump > | mediump_umat3x4 |
Medium-qualifier unsigned integer 3x4 matrix. More... | |
typedef mat< 4, 4, uint, mediump > | mediump_umat4 |
Medium-qualifier unsigned integer 4x4 matrix. More... | |
typedef mat< 4, 2, uint, mediump > | mediump_umat4x2 |
Medium-qualifier unsigned integer 4x2 matrix. More... | |
typedef mat< 4, 3, uint, mediump > | mediump_umat4x3 |
Medium-qualifier unsigned integer 4x3 matrix. More... | |
typedef mat< 4, 4, uint, mediump > | mediump_umat4x4 |
Medium-qualifier unsigned integer 4x4 matrix. More... | |
typedef mediump_umat2 | umat2 |
Unsigned integer 2x2 matrix. More... | |
typedef mediump_umat2x2 | umat2x2 |
Unsigned integer 2x2 matrix. More... | |
typedef mediump_umat2x3 | umat2x3 |
Unsigned integer 2x3 matrix. More... | |
typedef mediump_umat2x4 | umat2x4 |
Unsigned integer 2x4 matrix. More... | |
typedef mediump_umat3 | umat3 |
Unsigned integer 3x3 matrix. More... | |
typedef mediump_umat3x2 | umat3x2 |
Unsigned integer 3x2 matrix. More... | |
typedef mediump_umat3x3 | umat3x3 |
Unsigned integer 3x3 matrix. More... | |
typedef mediump_umat3x4 | umat3x4 |
Unsigned integer 3x4 matrix. More... | |
typedef mediump_umat4 | umat4 |
Unsigned integer 4x4 matrix. More... | |
typedef mediump_umat4x2 | umat4x2 |
Unsigned integer 4x2 matrix. More... | |
typedef mediump_umat4x3 | umat4x3 |
Unsigned integer 4x3 matrix. More... | |
typedef mediump_umat4x4 | umat4x4 |
Unsigned integer 4x4 matrix. More... | |
Definition in file matrix_integer.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
GLM_GTX_matrix_interpolation -More...
- -Go to the source code of this file.
--Functions | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL void | axisAngle (mat< 4, 4, T, Q > const &Mat, vec< 3, T, Q > &Axis, T &Angle) |
Get the axis and angle of the rotation from a matrix. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL mat< 4, 4, T, Q > | axisAngleMatrix (vec< 3, T, Q > const &Axis, T const Angle) |
Build a matrix from axis and angle. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL mat< 4, 4, T, Q > | extractMatrixRotation (mat< 4, 4, T, Q > const &Mat) |
Extracts the rotation part of a matrix. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL mat< 4, 4, T, Q > | interpolate (mat< 4, 4, T, Q > const &m1, mat< 4, 4, T, Q > const &m2, T const Delta) |
Build a interpolation of 4 * 4 matrixes. More... | |
Definition in file matrix_interpolation.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
GLM_GTC_matrix_inverse -More...
- -Go to the source code of this file.
--Functions | |
template<typename genType > | |
GLM_FUNC_DECL genType | affineInverse (genType const &m) |
Fast matrix inverse for affine matrix. More... | |
template<typename genType > | |
GLM_FUNC_DECL genType | inverseTranspose (genType const &m) |
Compute the inverse transpose of a matrix. More... | |
Definition in file matrix_inverse.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
GLM_GTX_matrix_major_storage -More...
- -Go to the source code of this file.
--Functions | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL mat< 2, 2, T, Q > | colMajor2 (vec< 2, T, Q > const &v1, vec< 2, T, Q > const &v2) |
Build a column major matrix from column vectors. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL mat< 2, 2, T, Q > | colMajor2 (mat< 2, 2, T, Q > const &m) |
Build a column major matrix from other matrix. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL mat< 3, 3, T, Q > | colMajor3 (vec< 3, T, Q > const &v1, vec< 3, T, Q > const &v2, vec< 3, T, Q > const &v3) |
Build a column major matrix from column vectors. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL mat< 3, 3, T, Q > | colMajor3 (mat< 3, 3, T, Q > const &m) |
Build a column major matrix from other matrix. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL mat< 4, 4, T, Q > | colMajor4 (vec< 4, T, Q > const &v1, vec< 4, T, Q > const &v2, vec< 4, T, Q > const &v3, vec< 4, T, Q > const &v4) |
Build a column major matrix from column vectors. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL mat< 4, 4, T, Q > | colMajor4 (mat< 4, 4, T, Q > const &m) |
Build a column major matrix from other matrix. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL mat< 2, 2, T, Q > | rowMajor2 (vec< 2, T, Q > const &v1, vec< 2, T, Q > const &v2) |
Build a row major matrix from row vectors. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL mat< 2, 2, T, Q > | rowMajor2 (mat< 2, 2, T, Q > const &m) |
Build a row major matrix from other matrix. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL mat< 3, 3, T, Q > | rowMajor3 (vec< 3, T, Q > const &v1, vec< 3, T, Q > const &v2, vec< 3, T, Q > const &v3) |
Build a row major matrix from row vectors. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL mat< 3, 3, T, Q > | rowMajor3 (mat< 3, 3, T, Q > const &m) |
Build a row major matrix from other matrix. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL mat< 4, 4, T, Q > | rowMajor4 (vec< 4, T, Q > const &v1, vec< 4, T, Q > const &v2, vec< 4, T, Q > const &v3, vec< 4, T, Q > const &v4) |
Build a row major matrix from row vectors. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL mat< 4, 4, T, Q > | rowMajor4 (mat< 4, 4, T, Q > const &m) |
Build a row major matrix from other matrix. More... | |
Definition in file matrix_major_storage.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
GLM_GTX_matrix_operation -More...
- -Go to the source code of this file.
--Functions | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL mat< 2, 2, T, Q > | adjugate (mat< 2, 2, T, Q > const &m) |
Build an adjugate matrix. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL mat< 3, 3, T, Q > | adjugate (mat< 3, 3, T, Q > const &m) |
Build an adjugate matrix. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL mat< 4, 4, T, Q > | adjugate (mat< 4, 4, T, Q > const &m) |
Build an adjugate matrix. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL mat< 2, 2, T, Q > | diagonal2x2 (vec< 2, T, Q > const &v) |
Build a diagonal matrix. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL mat< 2, 3, T, Q > | diagonal2x3 (vec< 2, T, Q > const &v) |
Build a diagonal matrix. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL mat< 2, 4, T, Q > | diagonal2x4 (vec< 2, T, Q > const &v) |
Build a diagonal matrix. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL mat< 3, 2, T, Q > | diagonal3x2 (vec< 2, T, Q > const &v) |
Build a diagonal matrix. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL mat< 3, 3, T, Q > | diagonal3x3 (vec< 3, T, Q > const &v) |
Build a diagonal matrix. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL mat< 3, 4, T, Q > | diagonal3x4 (vec< 3, T, Q > const &v) |
Build a diagonal matrix. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL mat< 4, 2, T, Q > | diagonal4x2 (vec< 2, T, Q > const &v) |
Build a diagonal matrix. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL mat< 4, 3, T, Q > | diagonal4x3 (vec< 3, T, Q > const &v) |
Build a diagonal matrix. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL mat< 4, 4, T, Q > | diagonal4x4 (vec< 4, T, Q > const &v) |
Build a diagonal matrix. More... | |
Definition in file matrix_operation.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
GLM_EXT_matrix_projection -More...
- -Go to the source code of this file.
--Functions | |
template<typename T , qualifier Q, typename U > | |
GLM_FUNC_DECL mat< 4, 4, T, Q > | pickMatrix (vec< 2, T, Q > const ¢er, vec< 2, T, Q > const &delta, vec< 4, U, Q > const &viewport) |
Define a picking region. More... | |
template<typename T , typename U , qualifier Q> | |
GLM_FUNC_DECL vec< 3, T, Q > | project (vec< 3, T, Q > const &obj, mat< 4, 4, T, Q > const &model, mat< 4, 4, T, Q > const &proj, vec< 4, U, Q > const &viewport) |
Map the specified object coordinates (obj.x, obj.y, obj.z) into window coordinates using default near and far clip planes definition. More... | |
template<typename T , typename U , qualifier Q> | |
GLM_FUNC_DECL vec< 3, T, Q > | projectNO (vec< 3, T, Q > const &obj, mat< 4, 4, T, Q > const &model, mat< 4, 4, T, Q > const &proj, vec< 4, U, Q > const &viewport) |
Map the specified object coordinates (obj.x, obj.y, obj.z) into window coordinates. More... | |
template<typename T , typename U , qualifier Q> | |
GLM_FUNC_DECL vec< 3, T, Q > | projectZO (vec< 3, T, Q > const &obj, mat< 4, 4, T, Q > const &model, mat< 4, 4, T, Q > const &proj, vec< 4, U, Q > const &viewport) |
Map the specified object coordinates (obj.x, obj.y, obj.z) into window coordinates. More... | |
template<typename T , typename U , qualifier Q> | |
GLM_FUNC_DECL vec< 3, T, Q > | unProject (vec< 3, T, Q > const &win, mat< 4, 4, T, Q > const &model, mat< 4, 4, T, Q > const &proj, vec< 4, U, Q > const &viewport) |
Map the specified window coordinates (win.x, win.y, win.z) into object coordinates using default near and far clip planes definition. More... | |
template<typename T , typename U , qualifier Q> | |
GLM_FUNC_DECL vec< 3, T, Q > | unProjectNO (vec< 3, T, Q > const &win, mat< 4, 4, T, Q > const &model, mat< 4, 4, T, Q > const &proj, vec< 4, U, Q > const &viewport) |
Map the specified window coordinates (win.x, win.y, win.z) into object coordinates. More... | |
template<typename T , typename U , qualifier Q> | |
GLM_FUNC_DECL vec< 3, T, Q > | unProjectZO (vec< 3, T, Q > const &win, mat< 4, 4, T, Q > const &model, mat< 4, 4, T, Q > const &proj, vec< 4, U, Q > const &viewport) |
Map the specified window coordinates (win.x, win.y, win.z) into object coordinates. More... | |
Definition in file matrix_projection.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
Go to the source code of this file.
--Functions | |
template<length_t C, length_t R, typename T , qualifier Q, template< length_t, length_t, typename, qualifier > class matType> | |
GLM_FUNC_DECL bool | isIdentity (matType< C, R, T, Q > const &m, T const &epsilon) |
Return whether a matrix is an identity matrix. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL bool | isNormalized (mat< 2, 2, T, Q > const &m, T const &epsilon) |
Return whether a matrix is a normalized matrix. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL bool | isNormalized (mat< 3, 3, T, Q > const &m, T const &epsilon) |
Return whether a matrix is a normalized matrix. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL bool | isNormalized (mat< 4, 4, T, Q > const &m, T const &epsilon) |
Return whether a matrix is a normalized matrix. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL bool | isNull (mat< 2, 2, T, Q > const &m, T const &epsilon) |
Return whether a matrix a null matrix. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL bool | isNull (mat< 3, 3, T, Q > const &m, T const &epsilon) |
Return whether a matrix a null matrix. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL bool | isNull (mat< 4, 4, T, Q > const &m, T const &epsilon) |
Return whether a matrix is a null matrix. More... | |
template<length_t C, length_t R, typename T , qualifier Q, template< length_t, length_t, typename, qualifier > class matType> | |
GLM_FUNC_DECL bool | isOrthogonal (matType< C, R, T, Q > const &m, T const &epsilon) |
Return whether a matrix is an orthonormalized matrix. More... | |
Definition in file matrix_query.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
GLM_EXT_matrix_relational -More...
- -Go to the source code of this file.
--Functions | |
template<length_t C, length_t R, typename T , qualifier Q> | |
GLM_FUNC_DECL GLM_CONSTEXPR vec< C, bool, Q > | equal (mat< C, R, T, Q > const &x, mat< C, R, T, Q > const &y) |
Perform a component-wise equal-to comparison of two matrices. More... | |
template<length_t C, length_t R, typename T , qualifier Q> | |
GLM_FUNC_DECL GLM_CONSTEXPR vec< C, bool, Q > | equal (mat< C, R, T, Q > const &x, mat< C, R, T, Q > const &y, T epsilon) |
Returns the component-wise comparison of |x - y| < epsilon. More... | |
template<length_t C, length_t R, typename T , qualifier Q> | |
GLM_FUNC_DECL GLM_CONSTEXPR vec< C, bool, Q > | equal (mat< C, R, T, Q > const &x, mat< C, R, T, Q > const &y, vec< C, T, Q > const &epsilon) |
Returns the component-wise comparison of |x - y| < epsilon. More... | |
template<length_t C, length_t R, typename T , qualifier Q> | |
GLM_FUNC_DECL GLM_CONSTEXPR vec< C, bool, Q > | equal (mat< C, R, T, Q > const &x, mat< C, R, T, Q > const &y, int ULPs) |
Returns the component-wise comparison between two vectors in term of ULPs. More... | |
template<length_t C, length_t R, typename T , qualifier Q> | |
GLM_FUNC_DECL GLM_CONSTEXPR vec< C, bool, Q > | equal (mat< C, R, T, Q > const &x, mat< C, R, T, Q > const &y, vec< C, int, Q > const &ULPs) |
Returns the component-wise comparison between two vectors in term of ULPs. More... | |
template<length_t C, length_t R, typename T , qualifier Q> | |
GLM_FUNC_DECL GLM_CONSTEXPR vec< C, bool, Q > | notEqual (mat< C, R, T, Q > const &x, mat< C, R, T, Q > const &y) |
Perform a component-wise not-equal-to comparison of two matrices. More... | |
template<length_t C, length_t R, typename T , qualifier Q> | |
GLM_FUNC_DECL GLM_CONSTEXPR vec< C, bool, Q > | notEqual (mat< C, R, T, Q > const &x, mat< C, R, T, Q > const &y, T epsilon) |
Returns the component-wise comparison of |x - y| < epsilon. More... | |
template<length_t C, length_t R, typename T , qualifier Q> | |
GLM_FUNC_DECL GLM_CONSTEXPR vec< C, bool, Q > | notEqual (mat< C, R, T, Q > const &x, mat< C, R, T, Q > const &y, vec< C, T, Q > const &epsilon) |
Returns the component-wise comparison of |x - y| >= epsilon. More... | |
template<length_t C, length_t R, typename T , qualifier Q> | |
GLM_FUNC_DECL GLM_CONSTEXPR vec< C, bool, Q > | notEqual (mat< C, R, T, Q > const &x, mat< C, R, T, Q > const &y, int ULPs) |
Returns the component-wise comparison between two vectors in term of ULPs. More... | |
template<length_t C, length_t R, typename T , qualifier Q> | |
GLM_FUNC_DECL GLM_CONSTEXPR vec< C, bool, Q > | notEqual (mat< C, R, T, Q > const &x, mat< C, R, T, Q > const &y, vec< C, int, Q > const &ULPs) |
Returns the component-wise comparison between two vectors in term of ULPs. More... | |
Definition in file matrix_relational.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
GLM_EXT_matrix_transform -More...
- -Go to the source code of this file.
--Functions | |
-template<typename genType > | |
GLM_FUNC_DECL GLM_CONSTEXPR genType | identity () |
Builds an identity matrix. | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL mat< 4, 4, T, Q > | lookAt (vec< 3, T, Q > const &eye, vec< 3, T, Q > const ¢er, vec< 3, T, Q > const &up) |
Build a look at view matrix based on the default handedness. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL mat< 4, 4, T, Q > | lookAtLH (vec< 3, T, Q > const &eye, vec< 3, T, Q > const ¢er, vec< 3, T, Q > const &up) |
Build a left handed look at view matrix. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL mat< 4, 4, T, Q > | lookAtRH (vec< 3, T, Q > const &eye, vec< 3, T, Q > const ¢er, vec< 3, T, Q > const &up) |
Build a right handed look at view matrix. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL mat< 4, 4, T, Q > | rotate (mat< 4, 4, T, Q > const &m, T angle, vec< 3, T, Q > const &axis) |
Builds a rotation 4 * 4 matrix created from an axis vector and an angle. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL mat< 4, 4, T, Q > | scale (mat< 4, 4, T, Q > const &m, vec< 3, T, Q > const &v) |
Builds a scale 4 * 4 matrix created from 3 scalars. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL mat< 4, 4, T, Q > | translate (mat< 4, 4, T, Q > const &m, vec< 3, T, Q > const &v) |
Builds a translation 4 * 4 matrix created from a vector of 3 components. More... | |
Definition in file ext/matrix_transform.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
GLM_GTC_matrix_transform -More...
- -Go to the source code of this file.
-Definition in file gtc/matrix_transform.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
GLM_GTX_matrix_transform_2d -More...
- -Go to the source code of this file.
--Functions | |
template<typename T , qualifier Q> | |
GLM_FUNC_QUALIFIER mat< 3, 3, T, Q > | rotate (mat< 3, 3, T, Q > const &m, T angle) |
Builds a rotation 3 * 3 matrix created from an angle. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_QUALIFIER mat< 3, 3, T, Q > | scale (mat< 3, 3, T, Q > const &m, vec< 2, T, Q > const &v) |
Builds a scale 3 * 3 matrix created from a vector of 2 components. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_QUALIFIER mat< 3, 3, T, Q > | shearX (mat< 3, 3, T, Q > const &m, T y) |
Builds an horizontal (parallel to the x axis) shear 3 * 3 matrix. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_QUALIFIER mat< 3, 3, T, Q > | shearY (mat< 3, 3, T, Q > const &m, T x) |
Builds a vertical (parallel to the y axis) shear 3 * 3 matrix. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_QUALIFIER mat< 3, 3, T, Q > | translate (mat< 3, 3, T, Q > const &m, vec< 2, T, Q > const &v) |
Builds a translation 3 * 3 matrix created from a vector of 2 components. More... | |
Definition in file matrix_transform_2d.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
GLM_GTX_mixed_producte -More...
- -Go to the source code of this file.
--Functions | |
-template<typename T , qualifier Q> | |
GLM_FUNC_DECL T | mixedProduct (vec< 3, T, Q > const &v1, vec< 3, T, Q > const &v2, vec< 3, T, Q > const &v3) |
Mixed product of 3 vectors (from GLM_GTX_mixed_product extension) | |
Definition in file mixed_product.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
Go to the source code of this file.
--Functions | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL T | perlin (vec< L, T, Q > const &p) |
Classic perlin noise. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL T | perlin (vec< L, T, Q > const &p, vec< L, T, Q > const &rep) |
Periodic perlin noise. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL T | simplex (vec< L, T, Q > const &p) |
Simplex noise. More... | |
![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
Go to the source code of this file.
--Functions | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL T | distance2 (vec< L, T, Q > const &p0, vec< L, T, Q > const &p1) |
Returns the squared distance between p0 and p1, i.e., length2(p0 - p1). More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL T | l1Norm (vec< 3, T, Q > const &x, vec< 3, T, Q > const &y) |
Returns the L1 norm between x and y. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL T | l1Norm (vec< 3, T, Q > const &v) |
Returns the L1 norm of v. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL T | l2Norm (vec< 3, T, Q > const &x, vec< 3, T, Q > const &y) |
Returns the L2 norm between x and y. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL T | l2Norm (vec< 3, T, Q > const &x) |
Returns the L2 norm of v. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL T | length2 (vec< L, T, Q > const &x) |
Returns the squared length of x. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL T | lMaxNorm (vec< 3, T, Q > const &x, vec< 3, T, Q > const &y) |
Returns the LMax norm between x and y. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL T | lMaxNorm (vec< 3, T, Q > const &x) |
Returns the LMax norm of v. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL T | lxNorm (vec< 3, T, Q > const &x, vec< 3, T, Q > const &y, unsigned int Depth) |
Returns the L norm between x and y. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL T | lxNorm (vec< 3, T, Q > const &x, unsigned int Depth) |
Returns the L norm of v. More... | |
Definition in file norm.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
Go to the source code of this file.
--Functions | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL vec< 3, T, Q > | triangleNormal (vec< 3, T, Q > const &p1, vec< 3, T, Q > const &p2, vec< 3, T, Q > const &p3) |
Computes triangle normal from triangle points. More... | |
Definition in file normal.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
GLM_GTX_normalize_dot -More...
- -Go to the source code of this file.
--Functions | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL T | fastNormalizeDot (vec< L, T, Q > const &x, vec< L, T, Q > const &y) |
Normalize parameters and returns the dot product of x and y. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL T | normalizeDot (vec< L, T, Q > const &x, vec< L, T, Q > const &y) |
Normalize parameters and returns the dot product of x and y. More... | |
Definition in file normalize_dot.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
GLM_GTX_number_precision -More...
- -Go to the source code of this file.
--Typedefs | |
-typedef f32 | f32mat1 |
Single-qualifier floating-point scalar. (from GLM_GTX_number_precision extension) | |
-typedef f32 | f32mat1x1 |
Single-qualifier floating-point scalar. (from GLM_GTX_number_precision extension) | |
-typedef f32 | f32vec1 |
Single-qualifier floating-point scalar. (from GLM_GTX_number_precision extension) | |
-typedef f64 | f64mat1 |
Double-qualifier floating-point scalar. (from GLM_GTX_number_precision extension) | |
-typedef f64 | f64mat1x1 |
Double-qualifier floating-point scalar. (from GLM_GTX_number_precision extension) | |
-typedef f64 | f64vec1 |
Single-qualifier floating-point scalar. (from GLM_GTX_number_precision extension) | |
-typedef u16 | u16vec1 |
16bit unsigned integer scalar. (from GLM_GTX_number_precision extension) | |
-typedef u32 | u32vec1 |
32bit unsigned integer scalar. (from GLM_GTX_number_precision extension) | |
-typedef u64 | u64vec1 |
64bit unsigned integer scalar. (from GLM_GTX_number_precision extension) | |
-typedef u8 | u8vec1 |
8bit unsigned integer scalar. (from GLM_GTX_number_precision extension) | |
Definition in file number_precision.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
Go to the source code of this file.
--Functions | |
template<typename genType > | |
GLM_FUNC_DECL genType | pow2 (genType const &x) |
Returns x raised to the power of 2. More... | |
template<typename genType > | |
GLM_FUNC_DECL genType | pow3 (genType const &x) |
Returns x raised to the power of 3. More... | |
template<typename genType > | |
GLM_FUNC_DECL genType | pow4 (genType const &x) |
Returns x raised to the power of 4. More... | |
![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
GLM_GTX_orthonormalize -More...
- -Go to the source code of this file.
--Functions | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL mat< 3, 3, T, Q > | orthonormalize (mat< 3, 3, T, Q > const &m) |
Returns the orthonormalized matrix of m. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL vec< 3, T, Q > | orthonormalize (vec< 3, T, Q > const &x, vec< 3, T, Q > const &y) |
Orthonormalizes x according y. More... | |
Definition in file orthonormalize.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
Go to the source code of this file.
--Functions | |
GLM_FUNC_DECL uint32 | packF2x11_1x10 (vec3 const &v) |
First, converts the first two components of the normalized floating-point value v into 11-bit signless floating-point values. More... | |
GLM_FUNC_DECL uint32 | packF3x9_E1x5 (vec3 const &v) |
First, converts the first two components of the normalized floating-point value v into 11-bit signless floating-point values. More... | |
template<length_t L, qualifier Q> | |
GLM_FUNC_DECL vec< L, uint16, Q > | packHalf (vec< L, float, Q > const &v) |
Returns an unsigned integer vector obtained by converting the components of a floating-point vector to the 16-bit floating-point representation found in the OpenGL Specification. More... | |
GLM_FUNC_DECL uint16 | packHalf1x16 (float v) |
Returns an unsigned integer obtained by converting the components of a floating-point scalar to the 16-bit floating-point representation found in the OpenGL Specification, and then packing this 16-bit value into a 16-bit unsigned integer. More... | |
GLM_FUNC_DECL uint64 | packHalf4x16 (vec4 const &v) |
Returns an unsigned integer obtained by converting the components of a four-component floating-point vector to the 16-bit floating-point representation found in the OpenGL Specification, and then packing these four 16-bit values into a 64-bit unsigned integer. More... | |
GLM_FUNC_DECL uint32 | packI3x10_1x2 (ivec4 const &v) |
Returns an unsigned integer obtained by converting the components of a four-component signed integer vector to the 10-10-10-2-bit signed integer representation found in the OpenGL Specification, and then packing these four values into a 32-bit unsigned integer. More... | |
GLM_FUNC_DECL int | packInt2x16 (i16vec2 const &v) |
Convert each component from an integer vector into a packed integer. More... | |
GLM_FUNC_DECL int64 | packInt2x32 (i32vec2 const &v) |
Convert each component from an integer vector into a packed integer. More... | |
GLM_FUNC_DECL int16 | packInt2x8 (i8vec2 const &v) |
Convert each component from an integer vector into a packed integer. More... | |
GLM_FUNC_DECL int64 | packInt4x16 (i16vec4 const &v) |
Convert each component from an integer vector into a packed integer. More... | |
GLM_FUNC_DECL int32 | packInt4x8 (i8vec4 const &v) |
Convert each component from an integer vector into a packed integer. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< 4, T, Q > | packRGBM (vec< 3, T, Q > const &rgb) |
Returns an unsigned integer vector obtained by converting the components of a floating-point vector to the 16-bit floating-point representation found in the OpenGL Specification. More... | |
template<typename intType , length_t L, typename floatType , qualifier Q> | |
GLM_FUNC_DECL vec< L, intType, Q > | packSnorm (vec< L, floatType, Q > const &v) |
Convert each component of the normalized floating-point vector into signed integer values. More... | |
GLM_FUNC_DECL uint16 | packSnorm1x16 (float v) |
First, converts the normalized floating-point value v into 16-bit integer value. More... | |
GLM_FUNC_DECL uint8 | packSnorm1x8 (float s) |
First, converts the normalized floating-point value v into 8-bit integer value. More... | |
GLM_FUNC_DECL uint16 | packSnorm2x8 (vec2 const &v) |
First, converts each component of the normalized floating-point value v into 8-bit integer values. More... | |
GLM_FUNC_DECL uint32 | packSnorm3x10_1x2 (vec4 const &v) |
First, converts the first three components of the normalized floating-point value v into 10-bit signed integer values. More... | |
GLM_FUNC_DECL uint64 | packSnorm4x16 (vec4 const &v) |
First, converts each component of the normalized floating-point value v into 16-bit integer values. More... | |
GLM_FUNC_DECL uint32 | packU3x10_1x2 (uvec4 const &v) |
Returns an unsigned integer obtained by converting the components of a four-component unsigned integer vector to the 10-10-10-2-bit unsigned integer representation found in the OpenGL Specification, and then packing these four values into a 32-bit unsigned integer. More... | |
GLM_FUNC_DECL uint | packUint2x16 (u16vec2 const &v) |
Convert each component from an integer vector into a packed unsigned integer. More... | |
GLM_FUNC_DECL uint64 | packUint2x32 (u32vec2 const &v) |
Convert each component from an integer vector into a packed unsigned integer. More... | |
GLM_FUNC_DECL uint16 | packUint2x8 (u8vec2 const &v) |
Convert each component from an integer vector into a packed unsigned integer. More... | |
GLM_FUNC_DECL uint64 | packUint4x16 (u16vec4 const &v) |
Convert each component from an integer vector into a packed unsigned integer. More... | |
GLM_FUNC_DECL uint32 | packUint4x8 (u8vec4 const &v) |
Convert each component from an integer vector into a packed unsigned integer. More... | |
template<typename uintType , length_t L, typename floatType , qualifier Q> | |
GLM_FUNC_DECL vec< L, uintType, Q > | packUnorm (vec< L, floatType, Q > const &v) |
Convert each component of the normalized floating-point vector into unsigned integer values. More... | |
GLM_FUNC_DECL uint16 | packUnorm1x16 (float v) |
First, converts the normalized floating-point value v into a 16-bit integer value. More... | |
GLM_FUNC_DECL uint16 | packUnorm1x5_1x6_1x5 (vec3 const &v) |
Convert each component of the normalized floating-point vector into unsigned integer values. More... | |
GLM_FUNC_DECL uint8 | packUnorm1x8 (float v) |
First, converts the normalized floating-point value v into a 8-bit integer value. More... | |
GLM_FUNC_DECL uint8 | packUnorm2x3_1x2 (vec3 const &v) |
Convert each component of the normalized floating-point vector into unsigned integer values. More... | |
GLM_FUNC_DECL uint8 | packUnorm2x4 (vec2 const &v) |
Convert each component of the normalized floating-point vector into unsigned integer values. More... | |
GLM_FUNC_DECL uint16 | packUnorm2x8 (vec2 const &v) |
First, converts each component of the normalized floating-point value v into 8-bit integer values. More... | |
GLM_FUNC_DECL uint32 | packUnorm3x10_1x2 (vec4 const &v) |
First, converts the first three components of the normalized floating-point value v into 10-bit unsigned integer values. More... | |
GLM_FUNC_DECL uint16 | packUnorm3x5_1x1 (vec4 const &v) |
Convert each component of the normalized floating-point vector into unsigned integer values. More... | |
GLM_FUNC_DECL uint64 | packUnorm4x16 (vec4 const &v) |
First, converts each component of the normalized floating-point value v into 16-bit integer values. More... | |
GLM_FUNC_DECL uint16 | packUnorm4x4 (vec4 const &v) |
Convert each component of the normalized floating-point vector into unsigned integer values. More... | |
GLM_FUNC_DECL vec3 | unpackF2x11_1x10 (uint32 p) |
First, unpacks a single 32-bit unsigned integer p into two 11-bit signless floating-point values and one 10-bit signless floating-point value . More... | |
GLM_FUNC_DECL vec3 | unpackF3x9_E1x5 (uint32 p) |
First, unpacks a single 32-bit unsigned integer p into two 11-bit signless floating-point values and one 10-bit signless floating-point value . More... | |
template<length_t L, qualifier Q> | |
GLM_FUNC_DECL vec< L, float, Q > | unpackHalf (vec< L, uint16, Q > const &p) |
Returns a floating-point vector with components obtained by reinterpreting an integer vector as 16-bit floating-point numbers and converting them to 32-bit floating-point values. More... | |
GLM_FUNC_DECL float | unpackHalf1x16 (uint16 v) |
Returns a floating-point scalar with components obtained by unpacking a 16-bit unsigned integer into a 16-bit value, interpreted as a 16-bit floating-point number according to the OpenGL Specification, and converting it to 32-bit floating-point values. More... | |
GLM_FUNC_DECL vec4 | unpackHalf4x16 (uint64 p) |
Returns a four-component floating-point vector with components obtained by unpacking a 64-bit unsigned integer into four 16-bit values, interpreting those values as 16-bit floating-point numbers according to the OpenGL Specification, and converting them to 32-bit floating-point values. More... | |
GLM_FUNC_DECL ivec4 | unpackI3x10_1x2 (uint32 p) |
Unpacks a single 32-bit unsigned integer p into three 10-bit and one 2-bit signed integers. More... | |
GLM_FUNC_DECL i16vec2 | unpackInt2x16 (int p) |
Convert a packed integer into an integer vector. More... | |
GLM_FUNC_DECL i32vec2 | unpackInt2x32 (int64 p) |
Convert a packed integer into an integer vector. More... | |
GLM_FUNC_DECL i8vec2 | unpackInt2x8 (int16 p) |
Convert a packed integer into an integer vector. More... | |
GLM_FUNC_DECL i16vec4 | unpackInt4x16 (int64 p) |
Convert a packed integer into an integer vector. More... | |
GLM_FUNC_DECL i8vec4 | unpackInt4x8 (int32 p) |
Convert a packed integer into an integer vector. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< 3, T, Q > | unpackRGBM (vec< 4, T, Q > const &rgbm) |
Returns a floating-point vector with components obtained by reinterpreting an integer vector as 16-bit floating-point numbers and converting them to 32-bit floating-point values. More... | |
template<typename floatType , length_t L, typename intType , qualifier Q> | |
GLM_FUNC_DECL vec< L, floatType, Q > | unpackSnorm (vec< L, intType, Q > const &v) |
Convert a packed integer to a normalized floating-point vector. More... | |
GLM_FUNC_DECL float | unpackSnorm1x16 (uint16 p) |
First, unpacks a single 16-bit unsigned integer p into a single 16-bit signed integers. More... | |
GLM_FUNC_DECL float | unpackSnorm1x8 (uint8 p) |
First, unpacks a single 8-bit unsigned integer p into a single 8-bit signed integers. More... | |
GLM_FUNC_DECL vec2 | unpackSnorm2x8 (uint16 p) |
First, unpacks a single 16-bit unsigned integer p into a pair of 8-bit signed integers. More... | |
GLM_FUNC_DECL vec4 | unpackSnorm3x10_1x2 (uint32 p) |
First, unpacks a single 32-bit unsigned integer p into four 16-bit signed integers. More... | |
GLM_FUNC_DECL vec4 | unpackSnorm4x16 (uint64 p) |
First, unpacks a single 64-bit unsigned integer p into four 16-bit signed integers. More... | |
GLM_FUNC_DECL uvec4 | unpackU3x10_1x2 (uint32 p) |
Unpacks a single 32-bit unsigned integer p into three 10-bit and one 2-bit unsigned integers. More... | |
GLM_FUNC_DECL u16vec2 | unpackUint2x16 (uint p) |
Convert a packed integer into an integer vector. More... | |
GLM_FUNC_DECL u32vec2 | unpackUint2x32 (uint64 p) |
Convert a packed integer into an integer vector. More... | |
GLM_FUNC_DECL u8vec2 | unpackUint2x8 (uint16 p) |
Convert a packed integer into an integer vector. More... | |
GLM_FUNC_DECL u16vec4 | unpackUint4x16 (uint64 p) |
Convert a packed integer into an integer vector. More... | |
GLM_FUNC_DECL u8vec4 | unpackUint4x8 (uint32 p) |
Convert a packed integer into an integer vector. More... | |
template<typename floatType , length_t L, typename uintType , qualifier Q> | |
GLM_FUNC_DECL vec< L, floatType, Q > | unpackUnorm (vec< L, uintType, Q > const &v) |
Convert a packed integer to a normalized floating-point vector. More... | |
GLM_FUNC_DECL float | unpackUnorm1x16 (uint16 p) |
First, unpacks a single 16-bit unsigned integer p into a of 16-bit unsigned integers. More... | |
GLM_FUNC_DECL vec3 | unpackUnorm1x5_1x6_1x5 (uint16 p) |
Convert a packed integer to a normalized floating-point vector. More... | |
GLM_FUNC_DECL float | unpackUnorm1x8 (uint8 p) |
Convert a single 8-bit integer to a normalized floating-point value. More... | |
GLM_FUNC_DECL vec3 | unpackUnorm2x3_1x2 (uint8 p) |
Convert a packed integer to a normalized floating-point vector. More... | |
GLM_FUNC_DECL vec2 | unpackUnorm2x4 (uint8 p) |
Convert a packed integer to a normalized floating-point vector. More... | |
GLM_FUNC_DECL vec2 | unpackUnorm2x8 (uint16 p) |
First, unpacks a single 16-bit unsigned integer p into a pair of 8-bit unsigned integers. More... | |
GLM_FUNC_DECL vec4 | unpackUnorm3x10_1x2 (uint32 p) |
First, unpacks a single 32-bit unsigned integer p into four 16-bit signed integers. More... | |
GLM_FUNC_DECL vec4 | unpackUnorm3x5_1x1 (uint16 p) |
Convert a packed integer to a normalized floating-point vector. More... | |
GLM_FUNC_DECL vec4 | unpackUnorm4x16 (uint64 p) |
First, unpacks a single 64-bit unsigned integer p into four 16-bit unsigned integers. More... | |
GLM_FUNC_DECL vec4 | unpackUnorm4x4 (uint16 p) |
Convert a packed integer to a normalized floating-point vector. More... | |
![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
Go to the source code of this file.
--Functions | |
GLM_FUNC_DECL double | packDouble2x32 (uvec2 const &v) |
Returns a double-qualifier value obtained by packing the components of v into a 64-bit value. More... | |
GLM_FUNC_DECL uint | packHalf2x16 (vec2 const &v) |
Returns an unsigned integer obtained by converting the components of a two-component floating-point vector to the 16-bit floating-point representation found in the OpenGL Specification, and then packing these two 16- bit integers into a 32-bit unsigned integer. More... | |
GLM_FUNC_DECL uint | packSnorm2x16 (vec2 const &v) |
First, converts each component of the normalized floating-point value v into 8- or 16-bit integer values. More... | |
GLM_FUNC_DECL uint | packSnorm4x8 (vec4 const &v) |
First, converts each component of the normalized floating-point value v into 8- or 16-bit integer values. More... | |
GLM_FUNC_DECL uint | packUnorm2x16 (vec2 const &v) |
First, converts each component of the normalized floating-point value v into 8- or 16-bit integer values. More... | |
GLM_FUNC_DECL uint | packUnorm4x8 (vec4 const &v) |
First, converts each component of the normalized floating-point value v into 8- or 16-bit integer values. More... | |
GLM_FUNC_DECL uvec2 | unpackDouble2x32 (double v) |
Returns a two-component unsigned integer vector representation of v. More... | |
GLM_FUNC_DECL vec2 | unpackHalf2x16 (uint v) |
Returns a two-component floating-point vector with components obtained by unpacking a 32-bit unsigned integer into a pair of 16-bit values, interpreting those values as 16-bit floating-point numbers according to the OpenGL Specification, and converting them to 32-bit floating-point values. More... | |
GLM_FUNC_DECL vec2 | unpackSnorm2x16 (uint p) |
First, unpacks a single 32-bit unsigned integer p into a pair of 16-bit unsigned integers, four 8-bit unsigned integers, or four 8-bit signed integers. More... | |
GLM_FUNC_DECL vec4 | unpackSnorm4x8 (uint p) |
First, unpacks a single 32-bit unsigned integer p into a pair of 16-bit unsigned integers, four 8-bit unsigned integers, or four 8-bit signed integers. More... | |
GLM_FUNC_DECL vec2 | unpackUnorm2x16 (uint p) |
First, unpacks a single 32-bit unsigned integer p into a pair of 16-bit unsigned integers, four 8-bit unsigned integers, or four 8-bit signed integers. More... | |
GLM_FUNC_DECL vec4 | unpackUnorm4x8 (uint p) |
First, unpacks a single 32-bit unsigned integer p into a pair of 16-bit unsigned integers, four 8-bit unsigned integers, or four 8-bit signed integers. More... | |
Definition in file packing.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
GLM_GTX_perpendicular -More...
- -Go to the source code of this file.
--Functions | |
template<typename genType > | |
GLM_FUNC_DECL genType | perp (genType const &x, genType const &Normal) |
Projects x a perpendicular axis of Normal. More... | |
Definition in file perpendicular.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
GLM_GTX_polar_coordinates -More...
- -Go to the source code of this file.
--Functions | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL vec< 3, T, Q > | euclidean (vec< 2, T, Q > const &polar) |
Convert Polar to Euclidean coordinates. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL vec< 3, T, Q > | polar (vec< 3, T, Q > const &euclidean) |
Convert Euclidean to Polar coordinates, x is the xz distance, y, the latitude and z the longitude. More... | |
Definition in file polar_coordinates.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
Go to the source code of this file.
--Functions | |
template<typename genType > | |
GLM_FUNC_DECL genType | proj (genType const &x, genType const &Normal) |
Projects x on Normal. More... | |
![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
Go to the source code of this file.
--Functions | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL vec< 3, T, Q > | eulerAngles (qua< T, Q > const &x) |
Returns euler angles, pitch as x, yaw as y, roll as z. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL vec< 4, bool, Q > | greaterThan (qua< T, Q > const &x, qua< T, Q > const &y) |
Returns the component-wise comparison of result x > y. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL vec< 4, bool, Q > | greaterThanEqual (qua< T, Q > const &x, qua< T, Q > const &y) |
Returns the component-wise comparison of result x >= y. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL vec< 4, bool, Q > | lessThan (qua< T, Q > const &x, qua< T, Q > const &y) |
Returns the component-wise comparison result of x < y. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL vec< 4, bool, Q > | lessThanEqual (qua< T, Q > const &x, qua< T, Q > const &y) |
Returns the component-wise comparison of result x <= y. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL mat< 3, 3, T, Q > | mat3_cast (qua< T, Q > const &x) |
Converts a quaternion to a 3 * 3 matrix. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL mat< 4, 4, T, Q > | mat4_cast (qua< T, Q > const &x) |
Converts a quaternion to a 4 * 4 matrix. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL T | pitch (qua< T, Q > const &x) |
Returns pitch value of euler angles expressed in radians. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL qua< T, Q > | quat_cast (mat< 3, 3, T, Q > const &x) |
Converts a pure rotation 3 * 3 matrix to a quaternion. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL qua< T, Q > | quat_cast (mat< 4, 4, T, Q > const &x) |
Converts a pure rotation 4 * 4 matrix to a quaternion. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL qua< T, Q > | quatLookAt (vec< 3, T, Q > const &direction, vec< 3, T, Q > const &up) |
Build a look at quaternion based on the default handedness. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL qua< T, Q > | quatLookAtLH (vec< 3, T, Q > const &direction, vec< 3, T, Q > const &up) |
Build a left-handed look at quaternion. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL qua< T, Q > | quatLookAtRH (vec< 3, T, Q > const &direction, vec< 3, T, Q > const &up) |
Build a right-handed look at quaternion. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL T | roll (qua< T, Q > const &x) |
Returns roll value of euler angles expressed in radians. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL T | yaw (qua< T, Q > const &x) |
Returns yaw value of euler angles expressed in radians. More... | |
Definition in file gtc/quaternion.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
Go to the source code of this file.
--Functions | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL vec< 3, T, Q > | cross (qua< T, Q > const &q, vec< 3, T, Q > const &v) |
Compute a cross product between a quaternion and a vector. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL vec< 3, T, Q > | cross (vec< 3, T, Q > const &v, qua< T, Q > const &q) |
Compute a cross product between a vector and a quaternion. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL T | extractRealComponent (qua< T, Q > const &q) |
Extract the real component of a quaternion. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL qua< T, Q > | fastMix (qua< T, Q > const &x, qua< T, Q > const &y, T const &a) |
Quaternion normalized linear interpolation. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL qua< T, Q > | intermediate (qua< T, Q > const &prev, qua< T, Q > const &curr, qua< T, Q > const &next) |
Returns an intermediate control point for squad interpolation. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL T | length2 (qua< T, Q > const &q) |
Returns the squared length of x. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL qua< T, Q > | quat_identity () |
Create an identity quaternion. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL vec< 3, T, Q > | rotate (qua< T, Q > const &q, vec< 3, T, Q > const &v) |
Returns quarternion square root. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL vec< 4, T, Q > | rotate (qua< T, Q > const &q, vec< 4, T, Q > const &v) |
Rotates a 4 components vector by a quaternion. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL qua< T, Q > | rotation (vec< 3, T, Q > const &orig, vec< 3, T, Q > const &dest) |
Compute the rotation between two vectors. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL qua< T, Q > | shortMix (qua< T, Q > const &x, qua< T, Q > const &y, T const &a) |
Quaternion interpolation using the rotation short path. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL qua< T, Q > | squad (qua< T, Q > const &q1, qua< T, Q > const &q2, qua< T, Q > const &s1, qua< T, Q > const &s2, T const &h) |
Compute a point on a path according squad equation. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL mat< 3, 3, T, Q > | toMat3 (qua< T, Q > const &x) |
Converts a quaternion to a 3 * 3 matrix. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL mat< 4, 4, T, Q > | toMat4 (qua< T, Q > const &x) |
Converts a quaternion to a 4 * 4 matrix. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL qua< T, Q > | toQuat (mat< 3, 3, T, Q > const &x) |
Converts a 3 * 3 matrix to a quaternion. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL qua< T, Q > | toQuat (mat< 4, 4, T, Q > const &x) |
Converts a 4 * 4 matrix to a quaternion. More... | |
Definition in file gtx/quaternion.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
GLM_EXT_quaternion_common -More...
- -Go to the source code of this file.
--Functions | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL qua< T, Q > | conjugate (qua< T, Q > const &q) |
Returns the q conjugate. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL qua< T, Q > | inverse (qua< T, Q > const &q) |
Returns the q inverse. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL vec< 4, bool, Q > | isinf (qua< T, Q > const &x) |
Returns true if x holds a positive infinity or negative infinity representation in the underlying implementation's set of floating point representations. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL vec< 4, bool, Q > | isnan (qua< T, Q > const &x) |
Returns true if x holds a NaN (not a number) representation in the underlying implementation's set of floating point representations. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL qua< T, Q > | lerp (qua< T, Q > const &x, qua< T, Q > const &y, T a) |
Linear interpolation of two quaternions. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL qua< T, Q > | mix (qua< T, Q > const &x, qua< T, Q > const &y, T a) |
Spherical linear interpolation of two quaternions. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL qua< T, Q > | slerp (qua< T, Q > const &x, qua< T, Q > const &y, T a) |
Spherical linear interpolation of two quaternions. More... | |
Definition in file quaternion_common.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
GLM_EXT_quaternion_double -More...
- -Go to the source code of this file.
--Typedefs | |
-typedef qua< double, defaultp > | dquat |
Quaternion of double-precision floating-point numbers. | |
Definition in file quaternion_double.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
GLM_EXT_quaternion_double_precision -More...
- -Go to the source code of this file.
--Typedefs | |
typedef qua< double, highp > | highp_dquat |
Quaternion of high double-qualifier floating-point numbers using high precision arithmetic in term of ULPs. More... | |
typedef qua< double, lowp > | lowp_dquat |
Quaternion of double-precision floating-point numbers using high precision arithmetic in term of ULPs. More... | |
typedef qua< double, mediump > | mediump_dquat |
Quaternion of medium double-qualifier floating-point numbers using high precision arithmetic in term of ULPs. More... | |
GLM_EXT_quaternion_double_precision
- -Definition in file quaternion_double_precision.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
GLM_EXT_quaternion_exponential -More...
- -Go to the source code of this file.
--Functions | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL qua< T, Q > | exp (qua< T, Q > const &q) |
Returns a exponential of a quaternion. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL qua< T, Q > | log (qua< T, Q > const &q) |
Returns a logarithm of a quaternion. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL qua< T, Q > | pow (qua< T, Q > const &q, T y) |
Returns a quaternion raised to a power. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL qua< T, Q > | sqrt (qua< T, Q > const &q) |
Returns the square root of a quaternion. More... | |
GLM_EXT_quaternion_exponential
- -Definition in file quaternion_exponential.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
GLM_EXT_quaternion_float -More...
- -Go to the source code of this file.
--Typedefs | |
-typedef qua< float, defaultp > | quat |
Quaternion of single-precision floating-point numbers. | |
Definition in file quaternion_float.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
GLM_EXT_quaternion_float_precision -More...
- -Go to the source code of this file.
--Typedefs | |
-typedef qua< float, highp > | highp_quat |
Quaternion of single-precision floating-point numbers using high precision arithmetic in term of ULPs. | |
-typedef qua< float, lowp > | lowp_quat |
Quaternion of single-precision floating-point numbers using high precision arithmetic in term of ULPs. | |
-typedef qua< float, mediump > | mediump_quat |
Quaternion of single-precision floating-point numbers using high precision arithmetic in term of ULPs. | |
GLM_EXT_quaternion_float_precision
- -Definition in file quaternion_float_precision.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
GLM_EXT_quaternion_geometric -More...
- -Go to the source code of this file.
--Functions | |
template<typename T , qualifier Q> | |
GLM_FUNC_QUALIFIER qua< T, Q > | cross (qua< T, Q > const &q1, qua< T, Q > const &q2) |
Compute a cross product. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL T | dot (qua< T, Q > const &x, qua< T, Q > const &y) |
Returns dot product of q1 and q2, i.e., q1[0] * q2[0] + q1[1] * q2[1] + ... More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL T | length (qua< T, Q > const &q) |
Returns the norm of a quaternions. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL qua< T, Q > | normalize (qua< T, Q > const &q) |
Returns the normalized quaternion. More... | |
Definition in file quaternion_geometric.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
GLM_EXT_quaternion_relational -More...
- -Go to the source code of this file.
--Functions | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL vec< 4, bool, Q > | equal (qua< T, Q > const &x, qua< T, Q > const &y) |
Returns the component-wise comparison of result x == y. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL vec< 4, bool, Q > | equal (qua< T, Q > const &x, qua< T, Q > const &y, T epsilon) |
Returns the component-wise comparison of |x - y| < epsilon. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL vec< 4, bool, Q > | notEqual (qua< T, Q > const &x, qua< T, Q > const &y) |
Returns the component-wise comparison of result x != y. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL vec< 4, bool, Q > | notEqual (qua< T, Q > const &x, qua< T, Q > const &y, T epsilon) |
Returns the component-wise comparison of |x - y| >= epsilon. More... | |
Definition in file quaternion_relational.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
GLM_EXT_quaternion_transform -More...
- -Go to the source code of this file.
--Functions | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL qua< T, Q > | rotate (qua< T, Q > const &q, T const &angle, vec< 3, T, Q > const &axis) |
Rotates a quaternion from a vector of 3 components axis and an angle. More... | |
Definition in file quaternion_transform.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
GLM_EXT_quaternion_trigonometric -More...
- -Go to the source code of this file.
--Functions | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL T | angle (qua< T, Q > const &x) |
Returns the quaternion rotation angle. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL qua< T, Q > | angleAxis (T const &angle, vec< 3, T, Q > const &axis) |
Build a quaternion from an angle and a normalized axis. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL vec< 3, T, Q > | axis (qua< T, Q > const &x) |
Returns the q rotation axis. More... | |
GLM_EXT_quaternion_trigonometric
- -Definition in file quaternion_trigonometric.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
Go to the source code of this file.
--Functions | |
template<typename T > | |
GLM_FUNC_DECL vec< 3, T, defaultp > | ballRand (T Radius) |
Generate a random 3D vector which coordinates are regulary distributed within the volume of a ball of a given radius. More... | |
template<typename T > | |
GLM_FUNC_DECL vec< 2, T, defaultp > | circularRand (T Radius) |
Generate a random 2D vector which coordinates are regulary distributed on a circle of a given radius. More... | |
template<typename T > | |
GLM_FUNC_DECL vec< 2, T, defaultp > | diskRand (T Radius) |
Generate a random 2D vector which coordinates are regulary distributed within the area of a disk of a given radius. More... | |
template<typename genType > | |
GLM_FUNC_DECL genType | gaussRand (genType Mean, genType Deviation) |
Generate random numbers in the interval [Min, Max], according a gaussian distribution. More... | |
template<typename genType > | |
GLM_FUNC_DECL genType | linearRand (genType Min, genType Max) |
Generate random numbers in the interval [Min, Max], according a linear distribution. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, T, Q > | linearRand (vec< L, T, Q > const &Min, vec< L, T, Q > const &Max) |
Generate random numbers in the interval [Min, Max], according a linear distribution. More... | |
template<typename T > | |
GLM_FUNC_DECL vec< 3, T, defaultp > | sphericalRand (T Radius) |
Generate a random 3D vector which coordinates are regulary distributed on a sphere of a given radius. More... | |
Definition in file random.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
Go to the source code of this file.
-Definition in file range.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
Go to the source code of this file.
--Typedefs | |
typedef detail::uint8 | byte |
Type for byte numbers. More... | |
typedef detail::uint32 | dword |
Type for dword numbers. More... | |
typedef detail::uint64 | qword |
Type for qword numbers. More... | |
typedef detail::uint16 | word |
Type for word numbers. More... | |
![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
Go to the source code of this file.
--Functions | |
template<typename genType > | |
GLM_FUNC_DECL genType | acot (genType x) |
Inverse cotangent function. More... | |
template<typename genType > | |
GLM_FUNC_DECL genType | acoth (genType x) |
Inverse cotangent hyperbolic function. More... | |
template<typename genType > | |
GLM_FUNC_DECL genType | acsc (genType x) |
Inverse cosecant function. More... | |
template<typename genType > | |
GLM_FUNC_DECL genType | acsch (genType x) |
Inverse cosecant hyperbolic function. More... | |
template<typename genType > | |
GLM_FUNC_DECL genType | asec (genType x) |
Inverse secant function. More... | |
template<typename genType > | |
GLM_FUNC_DECL genType | asech (genType x) |
Inverse secant hyperbolic function. More... | |
template<typename genType > | |
GLM_FUNC_DECL genType | cot (genType angle) |
Cotangent function. More... | |
template<typename genType > | |
GLM_FUNC_DECL genType | coth (genType angle) |
Cotangent hyperbolic function. More... | |
template<typename genType > | |
GLM_FUNC_DECL genType | csc (genType angle) |
Cosecant function. More... | |
template<typename genType > | |
GLM_FUNC_DECL genType | csch (genType angle) |
Cosecant hyperbolic function. More... | |
template<typename genType > | |
GLM_FUNC_DECL genType | sec (genType angle) |
Secant function. More... | |
template<typename genType > | |
GLM_FUNC_DECL genType | sech (genType angle) |
Secant hyperbolic function. More... | |
![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
GLM_GTX_rotate_normalized_axis -More...
- -Go to the source code of this file.
--Functions | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL mat< 4, 4, T, Q > | rotateNormalizedAxis (mat< 4, 4, T, Q > const &m, T const &angle, vec< 3, T, Q > const &axis) |
Builds a rotation 4 * 4 matrix created from a normalized axis and an angle. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL qua< T, Q > | rotateNormalizedAxis (qua< T, Q > const &q, T const &angle, vec< 3, T, Q > const &axis) |
Rotates a quaternion from a vector of 3 components normalized axis and an angle. More... | |
GLM_GTX_rotate_normalized_axis
-Definition in file rotate_normalized_axis.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
GLM_GTX_rotate_vector -More...
- -Go to the source code of this file.
--Functions | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL mat< 4, 4, T, Q > | orientation (vec< 3, T, Q > const &Normal, vec< 3, T, Q > const &Up) |
Build a rotation matrix from a normal and a up vector. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL vec< 2, T, Q > | rotate (vec< 2, T, Q > const &v, T const &angle) |
Rotate a two dimensional vector. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL vec< 3, T, Q > | rotate (vec< 3, T, Q > const &v, T const &angle, vec< 3, T, Q > const &normal) |
Rotate a three dimensional vector around an axis. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL vec< 4, T, Q > | rotate (vec< 4, T, Q > const &v, T const &angle, vec< 3, T, Q > const &normal) |
Rotate a four dimensional vector around an axis. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL vec< 3, T, Q > | rotateX (vec< 3, T, Q > const &v, T const &angle) |
Rotate a three dimensional vector around the X axis. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL vec< 4, T, Q > | rotateX (vec< 4, T, Q > const &v, T const &angle) |
Rotate a four dimensional vector around the X axis. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL vec< 3, T, Q > | rotateY (vec< 3, T, Q > const &v, T const &angle) |
Rotate a three dimensional vector around the Y axis. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL vec< 4, T, Q > | rotateY (vec< 4, T, Q > const &v, T const &angle) |
Rotate a four dimensional vector around the Y axis. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL vec< 3, T, Q > | rotateZ (vec< 3, T, Q > const &v, T const &angle) |
Rotate a three dimensional vector around the Z axis. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL vec< 4, T, Q > | rotateZ (vec< 4, T, Q > const &v, T const &angle) |
Rotate a four dimensional vector around the Z axis. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL vec< 3, T, Q > | slerp (vec< 3, T, Q > const &x, vec< 3, T, Q > const &y, T const &a) |
Returns Spherical interpolation between two vectors. More... | |
Definition in file rotate_vector.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
Go to the source code of this file.
--Functions | |
template<typename genType > | |
GLM_FUNC_DECL genType | ceilMultiple (genType v, genType Multiple) |
Higher multiple number of Source. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, T, Q > | ceilMultiple (vec< L, T, Q > const &v, vec< L, T, Q > const &Multiple) |
Higher multiple number of Source. More... | |
template<typename genIUType > | |
GLM_FUNC_DECL genIUType | ceilPowerOfTwo (genIUType v) |
Return the power of two number which value is just higher the input value, round up to a power of two. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, T, Q > | ceilPowerOfTwo (vec< L, T, Q > const &v) |
Return the power of two number which value is just higher the input value, round up to a power of two. More... | |
template<typename genType > | |
GLM_FUNC_DECL genType | floorMultiple (genType v, genType Multiple) |
Lower multiple number of Source. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, T, Q > | floorMultiple (vec< L, T, Q > const &v, vec< L, T, Q > const &Multiple) |
Lower multiple number of Source. More... | |
template<typename genIUType > | |
GLM_FUNC_DECL genIUType | floorPowerOfTwo (genIUType v) |
Return the power of two number which value is just lower the input value, round down to a power of two. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, T, Q > | floorPowerOfTwo (vec< L, T, Q > const &v) |
Return the power of two number which value is just lower the input value, round down to a power of two. More... | |
template<typename genType > | |
GLM_FUNC_DECL genType | roundMultiple (genType v, genType Multiple) |
Lower multiple number of Source. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, T, Q > | roundMultiple (vec< L, T, Q > const &v, vec< L, T, Q > const &Multiple) |
Lower multiple number of Source. More... | |
template<typename genIUType > | |
GLM_FUNC_DECL genIUType | roundPowerOfTwo (genIUType v) |
Return the power of two number which value is the closet to the input value. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, T, Q > | roundPowerOfTwo (vec< L, T, Q > const &v) |
Return the power of two number which value is the closet to the input value. More... | |
Definition in file round.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
GLM_EXT_scalar_common -More...
- -Go to the source code of this file.
--Functions | |
template<typename T > | |
GLM_FUNC_DECL T | fmax (T a, T b) |
Returns the maximum component-wise values of 2 inputs. More... | |
template<typename T > | |
GLM_FUNC_DECL T | fmax (T a, T b, T C) |
Returns the maximum component-wise values of 3 inputs. More... | |
template<typename T > | |
GLM_FUNC_DECL T | fmax (T a, T b, T C, T D) |
Returns the maximum component-wise values of 4 inputs. More... | |
template<typename T > | |
GLM_FUNC_DECL T | fmin (T a, T b) |
Returns the minimum component-wise values of 2 inputs. More... | |
template<typename T > | |
GLM_FUNC_DECL T | fmin (T a, T b, T c) |
Returns the minimum component-wise values of 3 inputs. More... | |
template<typename T > | |
GLM_FUNC_DECL T | fmin (T a, T b, T c, T d) |
Returns the minimum component-wise values of 4 inputs. More... | |
template<typename T > | |
GLM_FUNC_DECL T | max (T a, T b, T c) |
Returns the maximum component-wise values of 3 inputs. More... | |
template<typename T > | |
GLM_FUNC_DECL T | max (T a, T b, T c, T d) |
Returns the maximum component-wise values of 4 inputs. More... | |
template<typename T > | |
GLM_FUNC_DECL T | min (T a, T b, T c) |
Returns the minimum component-wise values of 3 inputs. More... | |
template<typename T > | |
GLM_FUNC_DECL T | min (T a, T b, T c, T d) |
Returns the minimum component-wise values of 4 inputs. More... | |
Definition in file scalar_common.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
GLM_EXT_scalar_constants -More...
- -Go to the source code of this file.
--Functions | |
-template<typename genType > | |
GLM_FUNC_DECL GLM_CONSTEXPR genType | epsilon () |
Return the epsilon constant for floating point types. | |
-template<typename genType > | |
GLM_FUNC_DECL GLM_CONSTEXPR genType | pi () |
Return the pi constant for floating point types. | |
Definition in file scalar_constants.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
GLM_EXT_scalar_int_sized -More...
- -Go to the source code of this file.
--Typedefs | |
-typedef detail::int16 | int16 |
16 bit signed integer type. | |
-typedef detail::int32 | int32 |
32 bit signed integer type. | |
-typedef detail::int64 | int64 |
64 bit signed integer type. | |
-typedef detail::int8 | int8 |
8 bit signed integer type. | |
Definition in file scalar_int_sized.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
GLM_EXT_scalar_integer -More...
- -Go to the source code of this file.
--Functions | |
template<typename genIUType > | |
GLM_FUNC_DECL int | findNSB (genIUType x, int significantBitCount) |
Returns the bit number of the Nth significant bit set to 1 in the binary representation of value. More... | |
template<typename genIUType > | |
GLM_FUNC_DECL bool | isMultiple (genIUType v, genIUType Multiple) |
Return true if the 'Value' is a multiple of 'Multiple'. More... | |
template<typename genIUType > | |
GLM_FUNC_DECL bool | isPowerOfTwo (genIUType v) |
Return true if the value is a power of two number. More... | |
template<typename genIUType > | |
GLM_FUNC_DECL genIUType | nextMultiple (genIUType v, genIUType Multiple) |
Higher multiple number of Source. More... | |
template<typename genIUType > | |
GLM_FUNC_DECL genIUType | nextPowerOfTwo (genIUType v) |
Return the power of two number which value is just higher the input value, round up to a power of two. More... | |
template<typename genIUType > | |
GLM_FUNC_DECL genIUType | prevMultiple (genIUType v, genIUType Multiple) |
Lower multiple number of Source. More... | |
template<typename genIUType > | |
GLM_FUNC_DECL genIUType | prevPowerOfTwo (genIUType v) |
Return the power of two number which value is just lower the input value, round down to a power of two. More... | |
Definition in file scalar_integer.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
Experimental extensions -More...
- -Go to the source code of this file.
-Include <glm/gtx/scalar_multiplication.hpp> to use the features of this extension.
-Enables scalar multiplication for all types
-Since GLSL is very strict about types, the following (often used) combinations do not work: double * vec4 int * vec4 vec4 / int So we'll fix that! Of course "float * vec4" should remain the same (hence the enable_if magic)
- -Definition in file scalar_multiplication.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
GLM_EXT_scalar_relational -More...
- -Go to the source code of this file.
--Functions | |
template<typename genType > | |
GLM_FUNC_DECL GLM_CONSTEXPR bool | equal (genType const &x, genType const &y, genType const &epsilon) |
Returns the component-wise comparison of |x - y| < epsilon. More... | |
template<typename genType > | |
GLM_FUNC_DECL GLM_CONSTEXPR bool | equal (genType const &x, genType const &y, int ULPs) |
Returns the component-wise comparison between two scalars in term of ULPs. More... | |
template<typename genType > | |
GLM_FUNC_DECL GLM_CONSTEXPR bool | notEqual (genType const &x, genType const &y, genType const &epsilon) |
Returns the component-wise comparison of |x - y| >= epsilon. More... | |
template<typename genType > | |
GLM_FUNC_DECL GLM_CONSTEXPR bool | notEqual (genType const &x, genType const &y, int ULPs) |
Returns the component-wise comparison between two scalars in term of ULPs. More... | |
Definition in file ext/scalar_relational.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
GLM_GTX_scalar_relational -More...
- -Go to the source code of this file.
-Definition in file gtx/scalar_relational.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
GLM_EXT_scalar_uint_sized -More...
- -Go to the source code of this file.
--Typedefs | |
-typedef detail::uint16 | uint16 |
16 bit unsigned integer type. | |
-typedef detail::uint32 | uint32 |
32 bit unsigned integer type. | |
-typedef detail::uint64 | uint64 |
64 bit unsigned integer type. | |
-typedef detail::uint8 | uint8 |
8 bit unsigned integer type. | |
Definition in file scalar_uint_sized.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
Go to the source code of this file.
--Functions | |
GLM_FUNC_DECL int | floatDistance (float x, float y) |
Return the distance in the number of ULP between 2 single-precision floating-point scalars. More... | |
GLM_FUNC_DECL int64 | floatDistance (double x, double y) |
Return the distance in the number of ULP between 2 double-precision floating-point scalars. More... | |
template<typename genType > | |
GLM_FUNC_DECL genType | nextFloat (genType x) |
Return the next ULP value(s) after the input value(s). More... | |
template<typename genType > | |
GLM_FUNC_DECL genType | nextFloat (genType x, int ULPs) |
Return the value(s) ULP distance after the input value(s). More... | |
template<typename genType > | |
GLM_FUNC_DECL genType | prevFloat (genType x) |
Return the previous ULP value(s) before the input value(s). More... | |
template<typename genType > | |
GLM_FUNC_DECL genType | prevFloat (genType x, int ULPs) |
Return the value(s) ULP distance before the input value(s). More... | |
Definition in file scalar_ulp.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
Go to the source code of this file.
--Functions | |
template<typename genType > | |
GLM_FUNC_DECL genType | catmullRom (genType const &v1, genType const &v2, genType const &v3, genType const &v4, typename genType::value_type const &s) |
Return a point from a catmull rom curve. More... | |
template<typename genType > | |
GLM_FUNC_DECL genType | cubic (genType const &v1, genType const &v2, genType const &v3, genType const &v4, typename genType::value_type const &s) |
Return a point from a cubic curve. More... | |
template<typename genType > | |
GLM_FUNC_DECL genType | hermite (genType const &v1, genType const &t1, genType const &v2, genType const &t2, typename genType::value_type const &s) |
Return a point from a hermite curve. More... | |
![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
GLM_GTX_std_based_type -More...
- -Go to the source code of this file.
--Typedefs | |
typedef vec< 1, std::size_t, defaultp > | size1 |
Vector type based of one std::size_t component. More... | |
typedef vec< 1, std::size_t, defaultp > | size1_t |
Vector type based of one std::size_t component. More... | |
typedef vec< 2, std::size_t, defaultp > | size2 |
Vector type based of two std::size_t components. More... | |
typedef vec< 2, std::size_t, defaultp > | size2_t |
Vector type based of two std::size_t components. More... | |
typedef vec< 3, std::size_t, defaultp > | size3 |
Vector type based of three std::size_t components. More... | |
typedef vec< 3, std::size_t, defaultp > | size3_t |
Vector type based of three std::size_t components. More... | |
typedef vec< 4, std::size_t, defaultp > | size4 |
Vector type based of four std::size_t components. More... | |
typedef vec< 4, std::size_t, defaultp > | size4_t |
Vector type based of four std::size_t components. More... | |
Definition in file std_based_type.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
Go to the source code of this file.
--Functions | |
template<typename genType > | |
GLM_FUNC_DECL std::string | to_string (genType const &x) |
Create a string from a GLM vector or matrix typed variable. More... | |
Definition in file string_cast.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
Go to the source code of this file.
--Functions | |
template<length_t L, typename T , qualifier Q> | |
T | levels (vec< L, T, Q > const &Extent) |
Compute the number of mipmaps levels necessary to create a mipmap complete texture. More... | |
![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
Go to the source code of this file.
--Functions | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL mat< 4, 4, T, Q > | rotate (T angle, vec< 3, T, Q > const &v) |
Builds a rotation 4 * 4 matrix created from an axis of 3 scalars and an angle expressed in radians. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL mat< 4, 4, T, Q > | scale (vec< 3, T, Q > const &v) |
Transforms a matrix with a scale 4 * 4 matrix created from a vector of 3 components. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL mat< 4, 4, T, Q > | translate (vec< 3, T, Q > const &v) |
Transforms a matrix with a translation 4 * 4 matrix created from 3 scalars. More... | |
Definition in file transform.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
Go to the source code of this file.
--Functions | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL mat< 3, 3, T, Q > | proj2D (mat< 3, 3, T, Q > const &m, vec< 3, T, Q > const &normal) |
Build planar projection matrix along normal axis. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL mat< 4, 4, T, Q > | proj3D (mat< 4, 4, T, Q > const &m, vec< 3, T, Q > const &normal) |
Build planar projection matrix along normal axis. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL mat< 4, 4, T, Q > | scaleBias (T scale, T bias) |
Build a scale bias matrix. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL mat< 4, 4, T, Q > | scaleBias (mat< 4, 4, T, Q > const &m, T scale, T bias) |
Build a scale bias matrix. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL mat< 3, 3, T, Q > | shearX2D (mat< 3, 3, T, Q > const &m, T y) |
Transforms a matrix with a shearing on X axis. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL mat< 4, 4, T, Q > | shearX3D (mat< 4, 4, T, Q > const &m, T y, T z) |
Transforms a matrix with a shearing on X axis From GLM_GTX_transform2 extension. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL mat< 3, 3, T, Q > | shearY2D (mat< 3, 3, T, Q > const &m, T x) |
Transforms a matrix with a shearing on Y axis. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL mat< 4, 4, T, Q > | shearY3D (mat< 4, 4, T, Q > const &m, T x, T z) |
Transforms a matrix with a shearing on Y axis. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL mat< 4, 4, T, Q > | shearZ3D (mat< 4, 4, T, Q > const &m, T x, T y) |
Transforms a matrix with a shearing on Z axis. More... | |
Definition in file transform2.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
Go to the source code of this file.
--Functions | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, T, Q > | acos (vec< L, T, Q > const &x) |
Arc cosine. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, T, Q > | acosh (vec< L, T, Q > const &x) |
Arc hyperbolic cosine; returns the non-negative inverse of cosh. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, T, Q > | asin (vec< L, T, Q > const &x) |
Arc sine. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, T, Q > | asinh (vec< L, T, Q > const &x) |
Arc hyperbolic sine; returns the inverse of sinh. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, T, Q > | atan (vec< L, T, Q > const &y, vec< L, T, Q > const &x) |
Arc tangent. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, T, Q > | atan (vec< L, T, Q > const &y_over_x) |
Arc tangent. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, T, Q > | atanh (vec< L, T, Q > const &x) |
Arc hyperbolic tangent; returns the inverse of tanh. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, T, Q > | cos (vec< L, T, Q > const &angle) |
The standard trigonometric cosine function. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, T, Q > | cosh (vec< L, T, Q > const &angle) |
Returns the hyperbolic cosine function, (exp(x) + exp(-x)) / 2. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL GLM_CONSTEXPR vec< L, T, Q > | degrees (vec< L, T, Q > const &radians) |
Converts radians to degrees and returns the result. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL GLM_CONSTEXPR vec< L, T, Q > | radians (vec< L, T, Q > const °rees) |
Converts degrees to radians and returns the result. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, T, Q > | sin (vec< L, T, Q > const &angle) |
The standard trigonometric sine function. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, T, Q > | sinh (vec< L, T, Q > const &angle) |
Returns the hyperbolic sine function, (exp(x) - exp(-x)) / 2. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, T, Q > | tan (vec< L, T, Q > const &angle) |
The standard trigonometric tangent function. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, T, Q > | tanh (vec< L, T, Q > const &angle) |
Returns the hyperbolic tangent function, sinh(angle) / cosh(angle) More... | |
Definition in file trigonometric.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
Go to the source code of this file.
--Typedefs | |
-typedef aligned_highp_bvec1 | aligned_bvec1 |
1 component vector aligned in memory of bool values. | |
-typedef aligned_highp_bvec2 | aligned_bvec2 |
2 components vector aligned in memory of bool values. | |
-typedef aligned_highp_bvec3 | aligned_bvec3 |
3 components vector aligned in memory of bool values. | |
-typedef aligned_highp_bvec4 | aligned_bvec4 |
4 components vector aligned in memory of bool values. | |
-typedef aligned_highp_dmat2 | aligned_dmat2 |
2 by 2 matrix tightly aligned in memory of double-precision floating-point numbers. | |
-typedef aligned_highp_dmat2x2 | aligned_dmat2x2 |
2 by 2 matrix tightly aligned in memory of double-precision floating-point numbers. | |
-typedef aligned_highp_dmat2x3 | aligned_dmat2x3 |
2 by 3 matrix tightly aligned in memory of double-precision floating-point numbers. | |
-typedef aligned_highp_dmat2x4 | aligned_dmat2x4 |
2 by 4 matrix tightly aligned in memory of double-precision floating-point numbers. | |
-typedef aligned_highp_dmat3 | aligned_dmat3 |
3 by 3 matrix tightly aligned in memory of double-precision floating-point numbers. | |
-typedef aligned_highp_dmat3x2 | aligned_dmat3x2 |
3 by 2 matrix tightly aligned in memory of double-precision floating-point numbers. | |
-typedef aligned_highp_dmat3x3 | aligned_dmat3x3 |
3 by 3 matrix tightly aligned in memory of double-precision floating-point numbers. | |
-typedef aligned_highp_dmat3x4 | aligned_dmat3x4 |
3 by 4 matrix tightly aligned in memory of double-precision floating-point numbers. | |
-typedef aligned_highp_dmat4 | aligned_dmat4 |
4 by 4 matrix tightly aligned in memory of double-precision floating-point numbers. | |
-typedef aligned_highp_dmat4x2 | aligned_dmat4x2 |
4 by 2 matrix tightly aligned in memory of double-precision floating-point numbers. | |
-typedef aligned_highp_dmat4x3 | aligned_dmat4x3 |
4 by 3 matrix tightly aligned in memory of double-precision floating-point numbers. | |
-typedef aligned_highp_dmat4x4 | aligned_dmat4x4 |
4 by 4 matrix tightly aligned in memory of double-precision floating-point numbers. | |
-typedef aligned_highp_dvec1 | aligned_dvec1 |
1 component vector aligned in memory of double-precision floating-point numbers. | |
-typedef aligned_highp_dvec2 | aligned_dvec2 |
2 components vector aligned in memory of double-precision floating-point numbers. | |
-typedef aligned_highp_dvec3 | aligned_dvec3 |
3 components vector aligned in memory of double-precision floating-point numbers. | |
-typedef aligned_highp_dvec4 | aligned_dvec4 |
4 components vector aligned in memory of double-precision floating-point numbers. | |
-typedef vec< 1, bool, aligned_highp > | aligned_highp_bvec1 |
1 component vector aligned in memory of bool values. | |
-typedef vec< 2, bool, aligned_highp > | aligned_highp_bvec2 |
2 components vector aligned in memory of bool values. | |
-typedef vec< 3, bool, aligned_highp > | aligned_highp_bvec3 |
3 components vector aligned in memory of bool values. | |
-typedef vec< 4, bool, aligned_highp > | aligned_highp_bvec4 |
4 components vector aligned in memory of bool values. | |
-typedef mat< 2, 2, double, aligned_highp > | aligned_highp_dmat2 |
2 by 2 matrix aligned in memory of double-precision floating-point numbers using high precision arithmetic in term of ULPs. | |
-typedef mat< 2, 2, double, aligned_highp > | aligned_highp_dmat2x2 |
2 by 2 matrix aligned in memory of double-precision floating-point numbers using high precision arithmetic in term of ULPs. | |
-typedef mat< 2, 3, double, aligned_highp > | aligned_highp_dmat2x3 |
2 by 3 matrix aligned in memory of double-precision floating-point numbers using high precision arithmetic in term of ULPs. | |
-typedef mat< 2, 4, double, aligned_highp > | aligned_highp_dmat2x4 |
2 by 4 matrix aligned in memory of double-precision floating-point numbers using high precision arithmetic in term of ULPs. | |
-typedef mat< 3, 3, double, aligned_highp > | aligned_highp_dmat3 |
3 by 3 matrix aligned in memory of double-precision floating-point numbers using high precision arithmetic in term of ULPs. | |
-typedef mat< 3, 2, double, aligned_highp > | aligned_highp_dmat3x2 |
3 by 2 matrix aligned in memory of double-precision floating-point numbers using high precision arithmetic in term of ULPs. | |
-typedef mat< 3, 3, double, aligned_highp > | aligned_highp_dmat3x3 |
3 by 3 matrix aligned in memory of double-precision floating-point numbers using high precision arithmetic in term of ULPs. | |
-typedef mat< 3, 4, double, aligned_highp > | aligned_highp_dmat3x4 |
3 by 4 matrix aligned in memory of double-precision floating-point numbers using high precision arithmetic in term of ULPs. | |
-typedef mat< 4, 4, double, aligned_highp > | aligned_highp_dmat4 |
4 by 4 matrix aligned in memory of double-precision floating-point numbers using high precision arithmetic in term of ULPs. | |
-typedef mat< 4, 2, double, aligned_highp > | aligned_highp_dmat4x2 |
4 by 2 matrix aligned in memory of double-precision floating-point numbers using high precision arithmetic in term of ULPs. | |
-typedef mat< 4, 3, double, aligned_highp > | aligned_highp_dmat4x3 |
4 by 3 matrix aligned in memory of double-precision floating-point numbers using high precision arithmetic in term of ULPs. | |
-typedef mat< 4, 4, double, aligned_highp > | aligned_highp_dmat4x4 |
4 by 4 matrix aligned in memory of double-precision floating-point numbers using high precision arithmetic in term of ULPs. | |
-typedef vec< 1, double, aligned_highp > | aligned_highp_dvec1 |
1 component vector aligned in memory of double-precision floating-point numbers using high precision arithmetic in term of ULPs. | |
-typedef vec< 2, double, aligned_highp > | aligned_highp_dvec2 |
2 components vector aligned in memory of double-precision floating-point numbers using high precision arithmetic in term of ULPs. | |
-typedef vec< 3, double, aligned_highp > | aligned_highp_dvec3 |
3 components vector aligned in memory of double-precision floating-point numbers using high precision arithmetic in term of ULPs. | |
-typedef vec< 4, double, aligned_highp > | aligned_highp_dvec4 |
4 components vector aligned in memory of double-precision floating-point numbers using high precision arithmetic in term of ULPs. | |
-typedef vec< 1, int, aligned_highp > | aligned_highp_ivec1 |
1 component vector aligned in memory of signed integer numbers. | |
-typedef vec< 2, int, aligned_highp > | aligned_highp_ivec2 |
2 components vector aligned in memory of signed integer numbers. | |
-typedef vec< 3, int, aligned_highp > | aligned_highp_ivec3 |
3 components vector aligned in memory of signed integer numbers. | |
-typedef vec< 4, int, aligned_highp > | aligned_highp_ivec4 |
4 components vector aligned in memory of signed integer numbers. | |
-typedef mat< 2, 2, float, aligned_highp > | aligned_highp_mat2 |
2 by 2 matrix aligned in memory of single-precision floating-point numbers using high precision arithmetic in term of ULPs. | |
-typedef mat< 2, 2, float, aligned_highp > | aligned_highp_mat2x2 |
2 by 2 matrix aligned in memory of single-precision floating-point numbers using high precision arithmetic in term of ULPs. | |
-typedef mat< 2, 3, float, aligned_highp > | aligned_highp_mat2x3 |
2 by 3 matrix aligned in memory of single-precision floating-point numbers using high precision arithmetic in term of ULPs. | |
-typedef mat< 2, 4, float, aligned_highp > | aligned_highp_mat2x4 |
2 by 4 matrix aligned in memory of single-precision floating-point numbers using high precision arithmetic in term of ULPs. | |
-typedef mat< 3, 3, float, aligned_highp > | aligned_highp_mat3 |
3 by 3 matrix aligned in memory of single-precision floating-point numbers using high precision arithmetic in term of ULPs. | |
-typedef mat< 3, 2, float, aligned_highp > | aligned_highp_mat3x2 |
3 by 2 matrix aligned in memory of single-precision floating-point numbers using high precision arithmetic in term of ULPs. | |
-typedef mat< 3, 3, float, aligned_highp > | aligned_highp_mat3x3 |
3 by 3 matrix aligned in memory of single-precision floating-point numbers using high precision arithmetic in term of ULPs. | |
-typedef mat< 3, 4, float, aligned_highp > | aligned_highp_mat3x4 |
3 by 4 matrix aligned in memory of single-precision floating-point numbers using high precision arithmetic in term of ULPs. | |
-typedef mat< 4, 4, float, aligned_highp > | aligned_highp_mat4 |
4 by 4 matrix aligned in memory of single-precision floating-point numbers using high precision arithmetic in term of ULPs. | |
-typedef mat< 4, 2, float, aligned_highp > | aligned_highp_mat4x2 |
4 by 2 matrix aligned in memory of single-precision floating-point numbers using high precision arithmetic in term of ULPs. | |
-typedef mat< 4, 3, float, aligned_highp > | aligned_highp_mat4x3 |
4 by 3 matrix aligned in memory of single-precision floating-point numbers using high precision arithmetic in term of ULPs. | |
-typedef mat< 4, 4, float, aligned_highp > | aligned_highp_mat4x4 |
4 by 4 matrix aligned in memory of single-precision floating-point numbers using high precision arithmetic in term of ULPs. | |
-typedef vec< 1, uint, aligned_highp > | aligned_highp_uvec1 |
1 component vector aligned in memory of unsigned integer numbers. | |
-typedef vec< 2, uint, aligned_highp > | aligned_highp_uvec2 |
2 components vector aligned in memory of unsigned integer numbers. | |
-typedef vec< 3, uint, aligned_highp > | aligned_highp_uvec3 |
3 components vector aligned in memory of unsigned integer numbers. | |
-typedef vec< 4, uint, aligned_highp > | aligned_highp_uvec4 |
4 components vector aligned in memory of unsigned integer numbers. | |
-typedef vec< 1, float, aligned_highp > | aligned_highp_vec1 |
1 component vector aligned in memory of single-precision floating-point numbers using high precision arithmetic in term of ULPs. | |
-typedef vec< 2, float, aligned_highp > | aligned_highp_vec2 |
2 components vector aligned in memory of single-precision floating-point numbers using high precision arithmetic in term of ULPs. | |
-typedef vec< 3, float, aligned_highp > | aligned_highp_vec3 |
3 components vector aligned in memory of single-precision floating-point numbers using high precision arithmetic in term of ULPs. | |
-typedef vec< 4, float, aligned_highp > | aligned_highp_vec4 |
4 components vector aligned in memory of single-precision floating-point numbers using high precision arithmetic in term of ULPs. | |
-typedef aligned_highp_ivec1 | aligned_ivec1 |
1 component vector aligned in memory of signed integer numbers. | |
-typedef aligned_highp_ivec2 | aligned_ivec2 |
2 components vector aligned in memory of signed integer numbers. | |
-typedef aligned_highp_ivec3 | aligned_ivec3 |
3 components vector aligned in memory of signed integer numbers. | |
-typedef aligned_highp_ivec4 | aligned_ivec4 |
4 components vector aligned in memory of signed integer numbers. | |
-typedef vec< 1, bool, aligned_lowp > | aligned_lowp_bvec1 |
1 component vector aligned in memory of bool values. | |
-typedef vec< 2, bool, aligned_lowp > | aligned_lowp_bvec2 |
2 components vector aligned in memory of bool values. | |
-typedef vec< 3, bool, aligned_lowp > | aligned_lowp_bvec3 |
3 components vector aligned in memory of bool values. | |
-typedef vec< 4, bool, aligned_lowp > | aligned_lowp_bvec4 |
4 components vector aligned in memory of bool values. | |
-typedef mat< 2, 2, double, aligned_lowp > | aligned_lowp_dmat2 |
2 by 2 matrix aligned in memory of double-precision floating-point numbers using low precision arithmetic in term of ULPs. | |
-typedef mat< 2, 2, double, aligned_lowp > | aligned_lowp_dmat2x2 |
2 by 2 matrix aligned in memory of double-precision floating-point numbers using low precision arithmetic in term of ULPs. | |
-typedef mat< 2, 3, double, aligned_lowp > | aligned_lowp_dmat2x3 |
2 by 3 matrix aligned in memory of double-precision floating-point numbers using low precision arithmetic in term of ULPs. | |
-typedef mat< 2, 4, double, aligned_lowp > | aligned_lowp_dmat2x4 |
2 by 4 matrix aligned in memory of double-precision floating-point numbers using low precision arithmetic in term of ULPs. | |
-typedef mat< 3, 3, double, aligned_lowp > | aligned_lowp_dmat3 |
3 by 3 matrix aligned in memory of double-precision floating-point numbers using low precision arithmetic in term of ULPs. | |
-typedef mat< 3, 2, double, aligned_lowp > | aligned_lowp_dmat3x2 |
3 by 2 matrix aligned in memory of double-precision floating-point numbers using low precision arithmetic in term of ULPs. | |
-typedef mat< 3, 3, double, aligned_lowp > | aligned_lowp_dmat3x3 |
3 by 3 matrix aligned in memory of double-precision floating-point numbers using low precision arithmetic in term of ULPs. | |
-typedef mat< 3, 4, double, aligned_lowp > | aligned_lowp_dmat3x4 |
3 by 4 matrix aligned in memory of double-precision floating-point numbers using low precision arithmetic in term of ULPs. | |
-typedef mat< 4, 4, double, aligned_lowp > | aligned_lowp_dmat4 |
4 by 4 matrix aligned in memory of double-precision floating-point numbers using low precision arithmetic in term of ULPs. | |
-typedef mat< 4, 2, double, aligned_lowp > | aligned_lowp_dmat4x2 |
4 by 2 matrix aligned in memory of double-precision floating-point numbers using low precision arithmetic in term of ULPs. | |
-typedef mat< 4, 3, double, aligned_lowp > | aligned_lowp_dmat4x3 |
4 by 3 matrix aligned in memory of double-precision floating-point numbers using low precision arithmetic in term of ULPs. | |
-typedef mat< 4, 4, double, aligned_lowp > | aligned_lowp_dmat4x4 |
4 by 4 matrix aligned in memory of double-precision floating-point numbers using low precision arithmetic in term of ULPs. | |
-typedef vec< 1, double, aligned_lowp > | aligned_lowp_dvec1 |
1 component vector aligned in memory of double-precision floating-point numbers using low precision arithmetic in term of ULPs. | |
-typedef vec< 2, double, aligned_lowp > | aligned_lowp_dvec2 |
2 components vector aligned in memory of double-precision floating-point numbers using low precision arithmetic in term of ULPs. | |
-typedef vec< 3, double, aligned_lowp > | aligned_lowp_dvec3 |
3 components vector aligned in memory of double-precision floating-point numbers using low precision arithmetic in term of ULPs. | |
-typedef vec< 4, double, aligned_lowp > | aligned_lowp_dvec4 |
4 components vector aligned in memory of double-precision floating-point numbers using low precision arithmetic in term of ULPs. | |
-typedef vec< 1, int, aligned_lowp > | aligned_lowp_ivec1 |
1 component vector aligned in memory of signed integer numbers. | |
-typedef vec< 2, int, aligned_lowp > | aligned_lowp_ivec2 |
2 components vector aligned in memory of signed integer numbers. | |
-typedef vec< 3, int, aligned_lowp > | aligned_lowp_ivec3 |
3 components vector aligned in memory of signed integer numbers. | |
-typedef vec< 4, int, aligned_lowp > | aligned_lowp_ivec4 |
4 components vector aligned in memory of signed integer numbers. | |
-typedef mat< 2, 2, float, aligned_lowp > | aligned_lowp_mat2 |
2 by 2 matrix aligned in memory of single-precision floating-point numbers using low precision arithmetic in term of ULPs. | |
-typedef mat< 2, 2, float, aligned_lowp > | aligned_lowp_mat2x2 |
2 by 2 matrix aligned in memory of single-precision floating-point numbers using low precision arithmetic in term of ULPs. | |
-typedef mat< 2, 3, float, aligned_lowp > | aligned_lowp_mat2x3 |
2 by 3 matrix aligned in memory of single-precision floating-point numbers using low precision arithmetic in term of ULPs. | |
-typedef mat< 2, 4, float, aligned_lowp > | aligned_lowp_mat2x4 |
2 by 4 matrix aligned in memory of single-precision floating-point numbers using low precision arithmetic in term of ULPs. | |
-typedef mat< 3, 3, float, aligned_lowp > | aligned_lowp_mat3 |
3 by 3 matrix aligned in memory of single-precision floating-point numbers using low precision arithmetic in term of ULPs. | |
-typedef mat< 3, 2, float, aligned_lowp > | aligned_lowp_mat3x2 |
3 by 2 matrix aligned in memory of single-precision floating-point numbers using low precision arithmetic in term of ULPs. | |
-typedef mat< 3, 3, float, aligned_lowp > | aligned_lowp_mat3x3 |
3 by 3 matrix aligned in memory of single-precision floating-point numbers using low precision arithmetic in term of ULPs. | |
-typedef mat< 3, 4, float, aligned_lowp > | aligned_lowp_mat3x4 |
3 by 4 matrix aligned in memory of single-precision floating-point numbers using low precision arithmetic in term of ULPs. | |
-typedef mat< 4, 4, float, aligned_lowp > | aligned_lowp_mat4 |
4 by 4 matrix aligned in memory of single-precision floating-point numbers using low precision arithmetic in term of ULPs. | |
-typedef mat< 4, 2, float, aligned_lowp > | aligned_lowp_mat4x2 |
4 by 2 matrix aligned in memory of single-precision floating-point numbers using low precision arithmetic in term of ULPs. | |
-typedef mat< 4, 3, float, aligned_lowp > | aligned_lowp_mat4x3 |
4 by 3 matrix aligned in memory of single-precision floating-point numbers using low precision arithmetic in term of ULPs. | |
-typedef mat< 4, 4, float, aligned_lowp > | aligned_lowp_mat4x4 |
4 by 4 matrix aligned in memory of single-precision floating-point numbers using low precision arithmetic in term of ULPs. | |
-typedef vec< 1, uint, aligned_lowp > | aligned_lowp_uvec1 |
1 component vector aligned in memory of unsigned integer numbers. | |
-typedef vec< 2, uint, aligned_lowp > | aligned_lowp_uvec2 |
2 components vector aligned in memory of unsigned integer numbers. | |
-typedef vec< 3, uint, aligned_lowp > | aligned_lowp_uvec3 |
3 components vector aligned in memory of unsigned integer numbers. | |
-typedef vec< 4, uint, aligned_lowp > | aligned_lowp_uvec4 |
4 components vector aligned in memory of unsigned integer numbers. | |
-typedef vec< 1, float, aligned_lowp > | aligned_lowp_vec1 |
1 component vector aligned in memory of single-precision floating-point numbers using low precision arithmetic in term of ULPs. | |
-typedef vec< 2, float, aligned_lowp > | aligned_lowp_vec2 |
2 components vector aligned in memory of single-precision floating-point numbers using low precision arithmetic in term of ULPs. | |
-typedef vec< 3, float, aligned_lowp > | aligned_lowp_vec3 |
3 components vector aligned in memory of single-precision floating-point numbers using low precision arithmetic in term of ULPs. | |
-typedef vec< 4, float, aligned_lowp > | aligned_lowp_vec4 |
4 components vector aligned in memory of single-precision floating-point numbers using low precision arithmetic in term of ULPs. | |
-typedef aligned_highp_mat2 | aligned_mat2 |
2 by 2 matrix tightly aligned in memory of single-precision floating-point numbers. | |
-typedef aligned_highp_mat2x2 | aligned_mat2x2 |
2 by 2 matrix tightly aligned in memory of single-precision floating-point numbers. | |
-typedef aligned_highp_mat2x3 | aligned_mat2x3 |
2 by 3 matrix tightly aligned in memory of single-precision floating-point numbers. | |
-typedef aligned_highp_mat2x4 | aligned_mat2x4 |
2 by 4 matrix tightly aligned in memory of single-precision floating-point numbers. | |
-typedef aligned_highp_mat3 | aligned_mat3 |
3 by 3 matrix tightly aligned in memory of single-precision floating-point numbers. | |
-typedef aligned_highp_mat3x2 | aligned_mat3x2 |
3 by 2 matrix tightly aligned in memory of single-precision floating-point numbers. | |
-typedef aligned_highp_mat3x3 | aligned_mat3x3 |
3 by 3 matrix tightly aligned in memory of single-precision floating-point numbers. | |
-typedef aligned_highp_mat3x4 | aligned_mat3x4 |
3 by 4 matrix tightly aligned in memory of single-precision floating-point numbers. | |
-typedef aligned_highp_mat4 | aligned_mat4 |
4 by 4 matrix tightly aligned in memory of single-precision floating-point numbers. | |
-typedef aligned_highp_mat4x2 | aligned_mat4x2 |
4 by 2 matrix tightly aligned in memory of single-precision floating-point numbers. | |
-typedef aligned_highp_mat4x3 | aligned_mat4x3 |
4 by 3 matrix tightly aligned in memory of single-precision floating-point numbers. | |
-typedef aligned_highp_mat4x4 | aligned_mat4x4 |
4 by 4 matrix tightly aligned in memory of single-precision floating-point numbers. | |
-typedef vec< 1, bool, aligned_mediump > | aligned_mediump_bvec1 |
1 component vector aligned in memory of bool values. | |
-typedef vec< 2, bool, aligned_mediump > | aligned_mediump_bvec2 |
2 components vector aligned in memory of bool values. | |
-typedef vec< 3, bool, aligned_mediump > | aligned_mediump_bvec3 |
3 components vector aligned in memory of bool values. | |
-typedef vec< 4, bool, aligned_mediump > | aligned_mediump_bvec4 |
4 components vector aligned in memory of bool values. | |
-typedef mat< 2, 2, double, aligned_mediump > | aligned_mediump_dmat2 |
2 by 2 matrix aligned in memory of double-precision floating-point numbers using medium precision arithmetic in term of ULPs. | |
-typedef mat< 2, 2, double, aligned_mediump > | aligned_mediump_dmat2x2 |
2 by 2 matrix aligned in memory of double-precision floating-point numbers using medium precision arithmetic in term of ULPs. | |
-typedef mat< 2, 3, double, aligned_mediump > | aligned_mediump_dmat2x3 |
2 by 3 matrix aligned in memory of double-precision floating-point numbers using medium precision arithmetic in term of ULPs. | |
-typedef mat< 2, 4, double, aligned_mediump > | aligned_mediump_dmat2x4 |
2 by 4 matrix aligned in memory of double-precision floating-point numbers using medium precision arithmetic in term of ULPs. | |
-typedef mat< 3, 3, double, aligned_mediump > | aligned_mediump_dmat3 |
3 by 3 matrix aligned in memory of double-precision floating-point numbers using medium precision arithmetic in term of ULPs. | |
-typedef mat< 3, 2, double, aligned_mediump > | aligned_mediump_dmat3x2 |
3 by 2 matrix aligned in memory of double-precision floating-point numbers using medium precision arithmetic in term of ULPs. | |
-typedef mat< 3, 3, double, aligned_mediump > | aligned_mediump_dmat3x3 |
3 by 3 matrix aligned in memory of double-precision floating-point numbers using medium precision arithmetic in term of ULPs. | |
-typedef mat< 3, 4, double, aligned_mediump > | aligned_mediump_dmat3x4 |
3 by 4 matrix aligned in memory of double-precision floating-point numbers using medium precision arithmetic in term of ULPs. | |
-typedef mat< 4, 4, double, aligned_mediump > | aligned_mediump_dmat4 |
4 by 4 matrix aligned in memory of double-precision floating-point numbers using medium precision arithmetic in term of ULPs. | |
-typedef mat< 4, 2, double, aligned_mediump > | aligned_mediump_dmat4x2 |
4 by 2 matrix aligned in memory of double-precision floating-point numbers using medium precision arithmetic in term of ULPs. | |
-typedef mat< 4, 3, double, aligned_mediump > | aligned_mediump_dmat4x3 |
4 by 3 matrix aligned in memory of double-precision floating-point numbers using medium precision arithmetic in term of ULPs. | |
-typedef mat< 4, 4, double, aligned_mediump > | aligned_mediump_dmat4x4 |
4 by 4 matrix aligned in memory of double-precision floating-point numbers using medium precision arithmetic in term of ULPs. | |
-typedef vec< 1, double, aligned_mediump > | aligned_mediump_dvec1 |
1 component vector aligned in memory of double-precision floating-point numbers using medium precision arithmetic in term of ULPs. | |
-typedef vec< 2, double, aligned_mediump > | aligned_mediump_dvec2 |
2 components vector aligned in memory of double-precision floating-point numbers using medium precision arithmetic in term of ULPs. | |
-typedef vec< 3, double, aligned_mediump > | aligned_mediump_dvec3 |
3 components vector aligned in memory of double-precision floating-point numbers using medium precision arithmetic in term of ULPs. | |
-typedef vec< 4, double, aligned_mediump > | aligned_mediump_dvec4 |
4 components vector aligned in memory of double-precision floating-point numbers using medium precision arithmetic in term of ULPs. | |
-typedef vec< 1, int, aligned_mediump > | aligned_mediump_ivec1 |
1 component vector aligned in memory of signed integer numbers. | |
-typedef vec< 2, int, aligned_mediump > | aligned_mediump_ivec2 |
2 components vector aligned in memory of signed integer numbers. | |
-typedef vec< 3, int, aligned_mediump > | aligned_mediump_ivec3 |
3 components vector aligned in memory of signed integer numbers. | |
-typedef vec< 4, int, aligned_mediump > | aligned_mediump_ivec4 |
4 components vector aligned in memory of signed integer numbers. | |
-typedef mat< 2, 2, float, aligned_mediump > | aligned_mediump_mat2 |
2 by 2 matrix aligned in memory of single-precision floating-point numbers using medium precision arithmetic in term of ULPs. | |
-typedef mat< 2, 2, float, aligned_mediump > | aligned_mediump_mat2x2 |
2 by 2 matrix aligned in memory of single-precision floating-point numbers using medium precision arithmetic in term of ULPs. | |
-typedef mat< 2, 3, float, aligned_mediump > | aligned_mediump_mat2x3 |
2 by 3 matrix aligned in memory of single-precision floating-point numbers using medium precision arithmetic in term of ULPs. | |
-typedef mat< 2, 4, float, aligned_mediump > | aligned_mediump_mat2x4 |
2 by 4 matrix aligned in memory of single-precision floating-point numbers using medium precision arithmetic in term of ULPs. | |
-typedef mat< 3, 3, float, aligned_mediump > | aligned_mediump_mat3 |
3 by 3 matrix aligned in memory of single-precision floating-point numbers using medium precision arithmetic in term of ULPs. | |
-typedef mat< 3, 2, float, aligned_mediump > | aligned_mediump_mat3x2 |
3 by 2 matrix aligned in memory of single-precision floating-point numbers using medium precision arithmetic in term of ULPs. | |
-typedef mat< 3, 3, float, aligned_mediump > | aligned_mediump_mat3x3 |
3 by 3 matrix aligned in memory of single-precision floating-point numbers using medium precision arithmetic in term of ULPs. | |
-typedef mat< 3, 4, float, aligned_mediump > | aligned_mediump_mat3x4 |
3 by 4 matrix aligned in memory of single-precision floating-point numbers using medium precision arithmetic in term of ULPs. | |
-typedef mat< 4, 4, float, aligned_mediump > | aligned_mediump_mat4 |
4 by 4 matrix aligned in memory of single-precision floating-point numbers using medium precision arithmetic in term of ULPs. | |
-typedef mat< 4, 2, float, aligned_mediump > | aligned_mediump_mat4x2 |
4 by 2 matrix aligned in memory of single-precision floating-point numbers using medium precision arithmetic in term of ULPs. | |
-typedef mat< 4, 3, float, aligned_mediump > | aligned_mediump_mat4x3 |
4 by 3 matrix aligned in memory of single-precision floating-point numbers using medium precision arithmetic in term of ULPs. | |
-typedef mat< 4, 4, float, aligned_mediump > | aligned_mediump_mat4x4 |
4 by 4 matrix aligned in memory of single-precision floating-point numbers using medium precision arithmetic in term of ULPs. | |
-typedef vec< 1, uint, aligned_mediump > | aligned_mediump_uvec1 |
1 component vector aligned in memory of unsigned integer numbers. | |
-typedef vec< 2, uint, aligned_mediump > | aligned_mediump_uvec2 |
2 components vector aligned in memory of unsigned integer numbers. | |
-typedef vec< 3, uint, aligned_mediump > | aligned_mediump_uvec3 |
3 components vector aligned in memory of unsigned integer numbers. | |
-typedef vec< 4, uint, aligned_mediump > | aligned_mediump_uvec4 |
4 components vector aligned in memory of unsigned integer numbers. | |
-typedef vec< 1, float, aligned_mediump > | aligned_mediump_vec1 |
1 component vector aligned in memory of single-precision floating-point numbers using medium precision arithmetic in term of ULPs. | |
-typedef vec< 2, float, aligned_mediump > | aligned_mediump_vec2 |
2 components vector aligned in memory of single-precision floating-point numbers using medium precision arithmetic in term of ULPs. | |
-typedef vec< 3, float, aligned_mediump > | aligned_mediump_vec3 |
3 components vector aligned in memory of single-precision floating-point numbers using medium precision arithmetic in term of ULPs. | |
-typedef vec< 4, float, aligned_mediump > | aligned_mediump_vec4 |
4 components vector aligned in memory of single-precision floating-point numbers using medium precision arithmetic in term of ULPs. | |
-typedef aligned_highp_uvec1 | aligned_uvec1 |
1 component vector aligned in memory of unsigned integer numbers. | |
-typedef aligned_highp_uvec2 | aligned_uvec2 |
2 components vector aligned in memory of unsigned integer numbers. | |
-typedef aligned_highp_uvec3 | aligned_uvec3 |
3 components vector aligned in memory of unsigned integer numbers. | |
-typedef aligned_highp_uvec4 | aligned_uvec4 |
4 components vector aligned in memory of unsigned integer numbers. | |
-typedef aligned_highp_vec1 | aligned_vec1 |
1 component vector aligned in memory of single-precision floating-point numbers. | |
-typedef aligned_highp_vec2 | aligned_vec2 |
2 components vector aligned in memory of single-precision floating-point numbers. | |
-typedef aligned_highp_vec3 | aligned_vec3 |
3 components vector aligned in memory of single-precision floating-point numbers. | |
-typedef aligned_highp_vec4 | aligned_vec4 |
4 components vector aligned in memory of single-precision floating-point numbers. | |
-typedef packed_highp_bvec1 | packed_bvec1 |
1 components vector tightly packed in memory of bool values. | |
-typedef packed_highp_bvec2 | packed_bvec2 |
2 components vector tightly packed in memory of bool values. | |
-typedef packed_highp_bvec3 | packed_bvec3 |
3 components vector tightly packed in memory of bool values. | |
-typedef packed_highp_bvec4 | packed_bvec4 |
4 components vector tightly packed in memory of bool values. | |
-typedef packed_highp_dmat2 | packed_dmat2 |
2 by 2 matrix tightly packed in memory of double-precision floating-point numbers. | |
-typedef packed_highp_dmat2x2 | packed_dmat2x2 |
2 by 2 matrix tightly packed in memory of double-precision floating-point numbers. | |
-typedef packed_highp_dmat2x3 | packed_dmat2x3 |
2 by 3 matrix tightly packed in memory of double-precision floating-point numbers. | |
-typedef packed_highp_dmat2x4 | packed_dmat2x4 |
2 by 4 matrix tightly packed in memory of double-precision floating-point numbers. | |
-typedef packed_highp_dmat3 | packed_dmat3 |
3 by 3 matrix tightly packed in memory of double-precision floating-point numbers. | |
-typedef packed_highp_dmat3x2 | packed_dmat3x2 |
3 by 2 matrix tightly packed in memory of double-precision floating-point numbers. | |
-typedef packed_highp_dmat3x3 | packed_dmat3x3 |
3 by 3 matrix tightly packed in memory of double-precision floating-point numbers. | |
-typedef packed_highp_dmat3x4 | packed_dmat3x4 |
3 by 4 matrix tightly packed in memory of double-precision floating-point numbers. | |
-typedef packed_highp_dmat4 | packed_dmat4 |
4 by 4 matrix tightly packed in memory of double-precision floating-point numbers. | |
-typedef packed_highp_dmat4x2 | packed_dmat4x2 |
4 by 2 matrix tightly packed in memory of double-precision floating-point numbers. | |
-typedef packed_highp_dmat4x3 | packed_dmat4x3 |
4 by 3 matrix tightly packed in memory of double-precision floating-point numbers. | |
-typedef packed_highp_dmat4x4 | packed_dmat4x4 |
4 by 4 matrix tightly packed in memory of double-precision floating-point numbers. | |
-typedef packed_highp_dvec1 | packed_dvec1 |
1 component vector tightly packed in memory of double-precision floating-point numbers. | |
-typedef packed_highp_dvec2 | packed_dvec2 |
2 components vector tightly packed in memory of double-precision floating-point numbers. | |
-typedef packed_highp_dvec3 | packed_dvec3 |
3 components vector tightly packed in memory of double-precision floating-point numbers. | |
-typedef packed_highp_dvec4 | packed_dvec4 |
4 components vector tightly packed in memory of double-precision floating-point numbers. | |
-typedef vec< 1, bool, packed_highp > | packed_highp_bvec1 |
1 component vector tightly packed in memory of bool values. | |
-typedef vec< 2, bool, packed_highp > | packed_highp_bvec2 |
2 components vector tightly packed in memory of bool values. | |
-typedef vec< 3, bool, packed_highp > | packed_highp_bvec3 |
3 components vector tightly packed in memory of bool values. | |
-typedef vec< 4, bool, packed_highp > | packed_highp_bvec4 |
4 components vector tightly packed in memory of bool values. | |
-typedef mat< 2, 2, double, packed_highp > | packed_highp_dmat2 |
2 by 2 matrix tightly packed in memory of double-precision floating-point numbers using high precision arithmetic in term of ULPs. | |
-typedef mat< 2, 2, double, packed_highp > | packed_highp_dmat2x2 |
2 by 2 matrix tightly packed in memory of double-precision floating-point numbers using high precision arithmetic in term of ULPs. | |
-typedef mat< 2, 3, double, packed_highp > | packed_highp_dmat2x3 |
2 by 3 matrix tightly packed in memory of double-precision floating-point numbers using high precision arithmetic in term of ULPs. | |
-typedef mat< 2, 4, double, packed_highp > | packed_highp_dmat2x4 |
2 by 4 matrix tightly packed in memory of double-precision floating-point numbers using high precision arithmetic in term of ULPs. | |
-typedef mat< 3, 3, double, packed_highp > | packed_highp_dmat3 |
3 by 3 matrix tightly packed in memory of double-precision floating-point numbers using high precision arithmetic in term of ULPs. | |
-typedef mat< 3, 2, double, packed_highp > | packed_highp_dmat3x2 |
3 by 2 matrix tightly packed in memory of double-precision floating-point numbers using high precision arithmetic in term of ULPs. | |
-typedef mat< 3, 3, double, packed_highp > | packed_highp_dmat3x3 |
3 by 3 matrix tightly packed in memory of double-precision floating-point numbers using high precision arithmetic in term of ULPs. | |
-typedef mat< 3, 4, double, packed_highp > | packed_highp_dmat3x4 |
3 by 4 matrix tightly packed in memory of double-precision floating-point numbers using high precision arithmetic in term of ULPs. | |
-typedef mat< 4, 4, double, packed_highp > | packed_highp_dmat4 |
4 by 4 matrix tightly packed in memory of double-precision floating-point numbers using high precision arithmetic in term of ULPs. | |
-typedef mat< 4, 2, double, packed_highp > | packed_highp_dmat4x2 |
4 by 2 matrix tightly packed in memory of double-precision floating-point numbers using high precision arithmetic in term of ULPs. | |
-typedef mat< 4, 3, double, packed_highp > | packed_highp_dmat4x3 |
4 by 3 matrix tightly packed in memory of double-precision floating-point numbers using high precision arithmetic in term of ULPs. | |
-typedef mat< 4, 4, double, packed_highp > | packed_highp_dmat4x4 |
4 by 4 matrix tightly packed in memory of double-precision floating-point numbers using high precision arithmetic in term of ULPs. | |
-typedef vec< 1, double, packed_highp > | packed_highp_dvec1 |
1 component vector tightly packed in memory of double-precision floating-point numbers using high precision arithmetic in term of ULPs. | |
-typedef vec< 2, double, packed_highp > | packed_highp_dvec2 |
2 components vector tightly packed in memory of double-precision floating-point numbers using high precision arithmetic in term of ULPs. | |
-typedef vec< 3, double, packed_highp > | packed_highp_dvec3 |
3 components vector tightly packed in memory of double-precision floating-point numbers using high precision arithmetic in term of ULPs. | |
-typedef vec< 4, double, packed_highp > | packed_highp_dvec4 |
4 components vector tightly packed in memory of double-precision floating-point numbers using high precision arithmetic in term of ULPs. | |
-typedef vec< 1, int, packed_highp > | packed_highp_ivec1 |
1 component vector tightly packed in memory of signed integer numbers. | |
-typedef vec< 2, int, packed_highp > | packed_highp_ivec2 |
2 components vector tightly packed in memory of signed integer numbers. | |
-typedef vec< 3, int, packed_highp > | packed_highp_ivec3 |
3 components vector tightly packed in memory of signed integer numbers. | |
-typedef vec< 4, int, packed_highp > | packed_highp_ivec4 |
4 components vector tightly packed in memory of signed integer numbers. | |
-typedef mat< 2, 2, float, packed_highp > | packed_highp_mat2 |
2 by 2 matrix tightly packed in memory of single-precision floating-point numbers using high precision arithmetic in term of ULPs. | |
-typedef mat< 2, 2, float, packed_highp > | packed_highp_mat2x2 |
2 by 2 matrix tightly packed in memory of single-precision floating-point numbers using high precision arithmetic in term of ULPs. | |
-typedef mat< 2, 3, float, packed_highp > | packed_highp_mat2x3 |
2 by 3 matrix tightly packed in memory of single-precision floating-point numbers using high precision arithmetic in term of ULPs. | |
-typedef mat< 2, 4, float, packed_highp > | packed_highp_mat2x4 |
2 by 4 matrix tightly packed in memory of single-precision floating-point numbers using high precision arithmetic in term of ULPs. | |
-typedef mat< 3, 3, float, packed_highp > | packed_highp_mat3 |
3 by 3 matrix tightly packed in memory of single-precision floating-point numbers using high precision arithmetic in term of ULPs. | |
-typedef mat< 3, 2, float, packed_highp > | packed_highp_mat3x2 |
3 by 2 matrix tightly packed in memory of single-precision floating-point numbers using high precision arithmetic in term of ULPs. | |
-typedef mat< 3, 3, float, packed_highp > | packed_highp_mat3x3 |
3 by 3 matrix tightly packed in memory of single-precision floating-point numbers using high precision arithmetic in term of ULPs. | |
-typedef mat< 3, 4, float, packed_highp > | packed_highp_mat3x4 |
3 by 4 matrix tightly packed in memory of single-precision floating-point numbers using high precision arithmetic in term of ULPs. | |
-typedef mat< 4, 4, float, packed_highp > | packed_highp_mat4 |
4 by 4 matrix tightly packed in memory of single-precision floating-point numbers using high precision arithmetic in term of ULPs. | |
-typedef mat< 4, 2, float, packed_highp > | packed_highp_mat4x2 |
4 by 2 matrix tightly packed in memory of single-precision floating-point numbers using high precision arithmetic in term of ULPs. | |
-typedef mat< 4, 3, float, packed_highp > | packed_highp_mat4x3 |
4 by 3 matrix tightly packed in memory of single-precision floating-point numbers using high precision arithmetic in term of ULPs. | |
-typedef mat< 4, 4, float, packed_highp > | packed_highp_mat4x4 |
4 by 4 matrix tightly packed in memory of single-precision floating-point numbers using high precision arithmetic in term of ULPs. | |
-typedef vec< 1, uint, packed_highp > | packed_highp_uvec1 |
1 component vector tightly packed in memory of unsigned integer numbers. | |
-typedef vec< 2, uint, packed_highp > | packed_highp_uvec2 |
2 components vector tightly packed in memory of unsigned integer numbers. | |
-typedef vec< 3, uint, packed_highp > | packed_highp_uvec3 |
3 components vector tightly packed in memory of unsigned integer numbers. | |
-typedef vec< 4, uint, packed_highp > | packed_highp_uvec4 |
4 components vector tightly packed in memory of unsigned integer numbers. | |
-typedef vec< 1, float, packed_highp > | packed_highp_vec1 |
1 component vector tightly packed in memory of single-precision floating-point numbers using high precision arithmetic in term of ULPs. | |
-typedef vec< 2, float, packed_highp > | packed_highp_vec2 |
2 components vector tightly packed in memory of single-precision floating-point numbers using high precision arithmetic in term of ULPs. | |
-typedef vec< 3, float, packed_highp > | packed_highp_vec3 |
3 components vector tightly packed in memory of single-precision floating-point numbers using high precision arithmetic in term of ULPs. | |
-typedef vec< 4, float, packed_highp > | packed_highp_vec4 |
4 components vector tightly packed in memory of single-precision floating-point numbers using high precision arithmetic in term of ULPs. | |
-typedef packed_highp_ivec1 | packed_ivec1 |
1 component vector tightly packed in memory of signed integer numbers. | |
-typedef packed_highp_ivec2 | packed_ivec2 |
2 components vector tightly packed in memory of signed integer numbers. | |
-typedef packed_highp_ivec3 | packed_ivec3 |
3 components vector tightly packed in memory of signed integer numbers. | |
-typedef packed_highp_ivec4 | packed_ivec4 |
4 components vector tightly packed in memory of signed integer numbers. | |
-typedef vec< 1, bool, packed_lowp > | packed_lowp_bvec1 |
1 component vector tightly packed in memory of bool values. | |
-typedef vec< 2, bool, packed_lowp > | packed_lowp_bvec2 |
2 components vector tightly packed in memory of bool values. | |
-typedef vec< 3, bool, packed_lowp > | packed_lowp_bvec3 |
3 components vector tightly packed in memory of bool values. | |
-typedef vec< 4, bool, packed_lowp > | packed_lowp_bvec4 |
4 components vector tightly packed in memory of bool values. | |
-typedef mat< 2, 2, double, packed_lowp > | packed_lowp_dmat2 |
2 by 2 matrix tightly packed in memory of double-precision floating-point numbers using low precision arithmetic in term of ULPs. | |
-typedef mat< 2, 2, double, packed_lowp > | packed_lowp_dmat2x2 |
2 by 2 matrix tightly packed in memory of double-precision floating-point numbers using low precision arithmetic in term of ULPs. | |
-typedef mat< 2, 3, double, packed_lowp > | packed_lowp_dmat2x3 |
2 by 3 matrix tightly packed in memory of double-precision floating-point numbers using low precision arithmetic in term of ULPs. | |
-typedef mat< 2, 4, double, packed_lowp > | packed_lowp_dmat2x4 |
2 by 4 matrix tightly packed in memory of double-precision floating-point numbers using low precision arithmetic in term of ULPs. | |
-typedef mat< 3, 3, double, packed_lowp > | packed_lowp_dmat3 |
3 by 3 matrix tightly packed in memory of double-precision floating-point numbers using low precision arithmetic in term of ULPs. | |
-typedef mat< 3, 2, double, packed_lowp > | packed_lowp_dmat3x2 |
3 by 2 matrix tightly packed in memory of double-precision floating-point numbers using low precision arithmetic in term of ULPs. | |
-typedef mat< 3, 3, double, packed_lowp > | packed_lowp_dmat3x3 |
3 by 3 matrix tightly packed in memory of double-precision floating-point numbers using low precision arithmetic in term of ULPs. | |
-typedef mat< 3, 4, double, packed_lowp > | packed_lowp_dmat3x4 |
3 by 4 matrix tightly packed in memory of double-precision floating-point numbers using low precision arithmetic in term of ULPs. | |
-typedef mat< 4, 4, double, packed_lowp > | packed_lowp_dmat4 |
4 by 4 matrix tightly packed in memory of double-precision floating-point numbers using low precision arithmetic in term of ULPs. | |
-typedef mat< 4, 2, double, packed_lowp > | packed_lowp_dmat4x2 |
4 by 2 matrix tightly packed in memory of double-precision floating-point numbers using low precision arithmetic in term of ULPs. | |
-typedef mat< 4, 3, double, packed_lowp > | packed_lowp_dmat4x3 |
4 by 3 matrix tightly packed in memory of double-precision floating-point numbers using low precision arithmetic in term of ULPs. | |
-typedef mat< 4, 4, double, packed_lowp > | packed_lowp_dmat4x4 |
4 by 4 matrix tightly packed in memory of double-precision floating-point numbers using low precision arithmetic in term of ULPs. | |
-typedef vec< 1, double, packed_lowp > | packed_lowp_dvec1 |
1 component vector tightly packed in memory of double-precision floating-point numbers using low precision arithmetic in term of ULPs. | |
-typedef vec< 2, double, packed_lowp > | packed_lowp_dvec2 |
2 components vector tightly packed in memory of double-precision floating-point numbers using low precision arithmetic in term of ULPs. | |
-typedef vec< 3, double, packed_lowp > | packed_lowp_dvec3 |
3 components vector tightly packed in memory of double-precision floating-point numbers using low precision arithmetic in term of ULPs. | |
-typedef vec< 4, double, packed_lowp > | packed_lowp_dvec4 |
4 components vector tightly packed in memory of double-precision floating-point numbers using low precision arithmetic in term of ULPs. | |
-typedef vec< 1, int, packed_lowp > | packed_lowp_ivec1 |
1 component vector tightly packed in memory of signed integer numbers. | |
-typedef vec< 2, int, packed_lowp > | packed_lowp_ivec2 |
2 components vector tightly packed in memory of signed integer numbers. | |
-typedef vec< 3, int, packed_lowp > | packed_lowp_ivec3 |
3 components vector tightly packed in memory of signed integer numbers. | |
-typedef vec< 4, int, packed_lowp > | packed_lowp_ivec4 |
4 components vector tightly packed in memory of signed integer numbers. | |
-typedef mat< 2, 2, float, packed_lowp > | packed_lowp_mat2 |
2 by 2 matrix tightly packed in memory of single-precision floating-point numbers using low precision arithmetic in term of ULPs. | |
-typedef mat< 2, 2, float, packed_lowp > | packed_lowp_mat2x2 |
2 by 2 matrix tightly packed in memory of single-precision floating-point numbers using low precision arithmetic in term of ULPs. | |
-typedef mat< 2, 3, float, packed_lowp > | packed_lowp_mat2x3 |
2 by 3 matrix tightly packed in memory of single-precision floating-point numbers using low precision arithmetic in term of ULPs. | |
-typedef mat< 2, 4, float, packed_lowp > | packed_lowp_mat2x4 |
2 by 4 matrix tightly packed in memory of single-precision floating-point numbers using low precision arithmetic in term of ULPs. | |
-typedef mat< 3, 3, float, packed_lowp > | packed_lowp_mat3 |
3 by 3 matrix tightly packed in memory of single-precision floating-point numbers using low precision arithmetic in term of ULPs. | |
-typedef mat< 3, 2, float, packed_lowp > | packed_lowp_mat3x2 |
3 by 2 matrix tightly packed in memory of single-precision floating-point numbers using low precision arithmetic in term of ULPs. | |
-typedef mat< 3, 3, float, packed_lowp > | packed_lowp_mat3x3 |
3 by 3 matrix tightly packed in memory of single-precision floating-point numbers using low precision arithmetic in term of ULPs. | |
-typedef mat< 3, 4, float, packed_lowp > | packed_lowp_mat3x4 |
3 by 4 matrix tightly packed in memory of single-precision floating-point numbers using low precision arithmetic in term of ULPs. | |
-typedef mat< 4, 4, float, packed_lowp > | packed_lowp_mat4 |
4 by 4 matrix tightly packed in memory of single-precision floating-point numbers using low precision arithmetic in term of ULPs. | |
-typedef mat< 4, 2, float, packed_lowp > | packed_lowp_mat4x2 |
4 by 2 matrix tightly packed in memory of single-precision floating-point numbers using low precision arithmetic in term of ULPs. | |
-typedef mat< 4, 3, float, packed_lowp > | packed_lowp_mat4x3 |
4 by 3 matrix tightly packed in memory of single-precision floating-point numbers using low precision arithmetic in term of ULPs. | |
-typedef mat< 4, 4, float, packed_lowp > | packed_lowp_mat4x4 |
4 by 4 matrix tightly packed in memory of single-precision floating-point numbers using low precision arithmetic in term of ULPs. | |
-typedef vec< 1, uint, packed_lowp > | packed_lowp_uvec1 |
1 component vector tightly packed in memory of unsigned integer numbers. | |
-typedef vec< 2, uint, packed_lowp > | packed_lowp_uvec2 |
2 components vector tightly packed in memory of unsigned integer numbers. | |
-typedef vec< 3, uint, packed_lowp > | packed_lowp_uvec3 |
3 components vector tightly packed in memory of unsigned integer numbers. | |
-typedef vec< 4, uint, packed_lowp > | packed_lowp_uvec4 |
4 components vector tightly packed in memory of unsigned integer numbers. | |
-typedef vec< 1, float, packed_lowp > | packed_lowp_vec1 |
1 component vector tightly packed in memory of single-precision floating-point numbers using low precision arithmetic in term of ULPs. | |
-typedef vec< 2, float, packed_lowp > | packed_lowp_vec2 |
2 components vector tightly packed in memory of single-precision floating-point numbers using low precision arithmetic in term of ULPs. | |
-typedef vec< 3, float, packed_lowp > | packed_lowp_vec3 |
3 components vector tightly packed in memory of single-precision floating-point numbers using low precision arithmetic in term of ULPs. | |
-typedef vec< 4, float, packed_lowp > | packed_lowp_vec4 |
4 components vector tightly packed in memory of single-precision floating-point numbers using low precision arithmetic in term of ULPs. | |
-typedef packed_highp_mat2 | packed_mat2 |
2 by 2 matrix tightly packed in memory of single-precision floating-point numbers. | |
-typedef packed_highp_mat2x2 | packed_mat2x2 |
2 by 2 matrix tightly packed in memory of single-precision floating-point numbers. | |
-typedef packed_highp_mat2x3 | packed_mat2x3 |
2 by 3 matrix tightly packed in memory of single-precision floating-point numbers. | |
-typedef packed_highp_mat2x4 | packed_mat2x4 |
2 by 4 matrix tightly packed in memory of single-precision floating-point numbers. | |
-typedef packed_highp_mat3 | packed_mat3 |
3 by 3 matrix tightly packed in memory of single-precision floating-point numbers. | |
-typedef packed_highp_mat3x2 | packed_mat3x2 |
3 by 2 matrix tightly packed in memory of single-precision floating-point numbers. | |
-typedef packed_highp_mat3x3 | packed_mat3x3 |
3 by 3 matrix tightly packed in memory of single-precision floating-point numbers. | |
-typedef packed_highp_mat3x4 | packed_mat3x4 |
3 by 4 matrix tightly packed in memory of single-precision floating-point numbers. | |
-typedef packed_highp_mat4 | packed_mat4 |
4 by 4 matrix tightly packed in memory of single-precision floating-point numbers. | |
-typedef packed_highp_mat4x2 | packed_mat4x2 |
4 by 2 matrix tightly packed in memory of single-precision floating-point numbers. | |
-typedef packed_highp_mat4x3 | packed_mat4x3 |
4 by 3 matrix tightly packed in memory of single-precision floating-point numbers. | |
-typedef packed_highp_mat4x4 | packed_mat4x4 |
4 by 4 matrix tightly packed in memory of single-precision floating-point numbers. | |
-typedef vec< 1, bool, packed_mediump > | packed_mediump_bvec1 |
1 component vector tightly packed in memory of bool values. | |
-typedef vec< 2, bool, packed_mediump > | packed_mediump_bvec2 |
2 components vector tightly packed in memory of bool values. | |
-typedef vec< 3, bool, packed_mediump > | packed_mediump_bvec3 |
3 components vector tightly packed in memory of bool values. | |
-typedef vec< 4, bool, packed_mediump > | packed_mediump_bvec4 |
4 components vector tightly packed in memory of bool values. | |
-typedef mat< 2, 2, double, packed_mediump > | packed_mediump_dmat2 |
2 by 2 matrix tightly packed in memory of double-precision floating-point numbers using medium precision arithmetic in term of ULPs. | |
-typedef mat< 2, 2, double, packed_mediump > | packed_mediump_dmat2x2 |
2 by 2 matrix tightly packed in memory of double-precision floating-point numbers using medium precision arithmetic in term of ULPs. | |
-typedef mat< 2, 3, double, packed_mediump > | packed_mediump_dmat2x3 |
2 by 3 matrix tightly packed in memory of double-precision floating-point numbers using medium precision arithmetic in term of ULPs. | |
-typedef mat< 2, 4, double, packed_mediump > | packed_mediump_dmat2x4 |
2 by 4 matrix tightly packed in memory of double-precision floating-point numbers using medium precision arithmetic in term of ULPs. | |
-typedef mat< 3, 3, double, packed_mediump > | packed_mediump_dmat3 |
3 by 3 matrix tightly packed in memory of double-precision floating-point numbers using medium precision arithmetic in term of ULPs. | |
-typedef mat< 3, 2, double, packed_mediump > | packed_mediump_dmat3x2 |
3 by 2 matrix tightly packed in memory of double-precision floating-point numbers using medium precision arithmetic in term of ULPs. | |
-typedef mat< 3, 3, double, packed_mediump > | packed_mediump_dmat3x3 |
3 by 3 matrix tightly packed in memory of double-precision floating-point numbers using medium precision arithmetic in term of ULPs. | |
-typedef mat< 3, 4, double, packed_mediump > | packed_mediump_dmat3x4 |
3 by 4 matrix tightly packed in memory of double-precision floating-point numbers using medium precision arithmetic in term of ULPs. | |
-typedef mat< 4, 4, double, packed_mediump > | packed_mediump_dmat4 |
4 by 4 matrix tightly packed in memory of double-precision floating-point numbers using medium precision arithmetic in term of ULPs. | |
-typedef mat< 4, 2, double, packed_mediump > | packed_mediump_dmat4x2 |
4 by 2 matrix tightly packed in memory of double-precision floating-point numbers using medium precision arithmetic in term of ULPs. | |
-typedef mat< 4, 3, double, packed_mediump > | packed_mediump_dmat4x3 |
4 by 3 matrix tightly packed in memory of double-precision floating-point numbers using medium precision arithmetic in term of ULPs. | |
-typedef mat< 4, 4, double, packed_mediump > | packed_mediump_dmat4x4 |
4 by 4 matrix tightly packed in memory of double-precision floating-point numbers using medium precision arithmetic in term of ULPs. | |
-typedef vec< 1, double, packed_mediump > | packed_mediump_dvec1 |
1 component vector tightly packed in memory of double-precision floating-point numbers using medium precision arithmetic in term of ULPs. | |
-typedef vec< 2, double, packed_mediump > | packed_mediump_dvec2 |
2 components vector tightly packed in memory of double-precision floating-point numbers using medium precision arithmetic in term of ULPs. | |
-typedef vec< 3, double, packed_mediump > | packed_mediump_dvec3 |
3 components vector tightly packed in memory of double-precision floating-point numbers using medium precision arithmetic in term of ULPs. | |
-typedef vec< 4, double, packed_mediump > | packed_mediump_dvec4 |
4 components vector tightly packed in memory of double-precision floating-point numbers using medium precision arithmetic in term of ULPs. | |
-typedef vec< 1, int, packed_mediump > | packed_mediump_ivec1 |
1 component vector tightly packed in memory of signed integer numbers. | |
-typedef vec< 2, int, packed_mediump > | packed_mediump_ivec2 |
2 components vector tightly packed in memory of signed integer numbers. | |
-typedef vec< 3, int, packed_mediump > | packed_mediump_ivec3 |
3 components vector tightly packed in memory of signed integer numbers. | |
-typedef vec< 4, int, packed_mediump > | packed_mediump_ivec4 |
4 components vector tightly packed in memory of signed integer numbers. | |
-typedef mat< 2, 2, float, packed_mediump > | packed_mediump_mat2 |
2 by 2 matrix tightly packed in memory of single-precision floating-point numbers using medium precision arithmetic in term of ULPs. | |
-typedef mat< 2, 2, float, packed_mediump > | packed_mediump_mat2x2 |
2 by 2 matrix tightly packed in memory of single-precision floating-point numbers using medium precision arithmetic in term of ULPs. | |
-typedef mat< 2, 3, float, packed_mediump > | packed_mediump_mat2x3 |
2 by 3 matrix tightly packed in memory of single-precision floating-point numbers using medium precision arithmetic in term of ULPs. | |
-typedef mat< 2, 4, float, packed_mediump > | packed_mediump_mat2x4 |
2 by 4 matrix tightly packed in memory of single-precision floating-point numbers using medium precision arithmetic in term of ULPs. | |
-typedef mat< 3, 3, float, packed_mediump > | packed_mediump_mat3 |
3 by 3 matrix tightly packed in memory of single-precision floating-point numbers using medium precision arithmetic in term of ULPs. | |
-typedef mat< 3, 2, float, packed_mediump > | packed_mediump_mat3x2 |
3 by 2 matrix tightly packed in memory of single-precision floating-point numbers using medium precision arithmetic in term of ULPs. | |
-typedef mat< 3, 3, float, packed_mediump > | packed_mediump_mat3x3 |
3 by 3 matrix tightly packed in memory of single-precision floating-point numbers using medium precision arithmetic in term of ULPs. | |
-typedef mat< 3, 4, float, packed_mediump > | packed_mediump_mat3x4 |
3 by 4 matrix tightly packed in memory of single-precision floating-point numbers using medium precision arithmetic in term of ULPs. | |
-typedef mat< 4, 4, float, packed_mediump > | packed_mediump_mat4 |
4 by 4 matrix tightly packed in memory of single-precision floating-point numbers using medium precision arithmetic in term of ULPs. | |
-typedef mat< 4, 2, float, packed_mediump > | packed_mediump_mat4x2 |
4 by 2 matrix tightly packed in memory of single-precision floating-point numbers using medium precision arithmetic in term of ULPs. | |
-typedef mat< 4, 3, float, packed_mediump > | packed_mediump_mat4x3 |
4 by 3 matrix tightly packed in memory of single-precision floating-point numbers using medium precision arithmetic in term of ULPs. | |
-typedef mat< 4, 4, float, packed_mediump > | packed_mediump_mat4x4 |
4 by 4 matrix tightly packed in memory of single-precision floating-point numbers using medium precision arithmetic in term of ULPs. | |
-typedef vec< 1, uint, packed_mediump > | packed_mediump_uvec1 |
1 component vector tightly packed in memory of unsigned integer numbers. | |
-typedef vec< 2, uint, packed_mediump > | packed_mediump_uvec2 |
2 components vector tightly packed in memory of unsigned integer numbers. | |
-typedef vec< 3, uint, packed_mediump > | packed_mediump_uvec3 |
3 components vector tightly packed in memory of unsigned integer numbers. | |
-typedef vec< 4, uint, packed_mediump > | packed_mediump_uvec4 |
4 components vector tightly packed in memory of unsigned integer numbers. | |
-typedef vec< 1, float, packed_mediump > | packed_mediump_vec1 |
1 component vector tightly packed in memory of single-precision floating-point numbers using medium precision arithmetic in term of ULPs. | |
-typedef vec< 2, float, packed_mediump > | packed_mediump_vec2 |
2 components vector tightly packed in memory of single-precision floating-point numbers using medium precision arithmetic in term of ULPs. | |
-typedef vec< 3, float, packed_mediump > | packed_mediump_vec3 |
3 components vector tightly packed in memory of single-precision floating-point numbers using medium precision arithmetic in term of ULPs. | |
-typedef vec< 4, float, packed_mediump > | packed_mediump_vec4 |
4 components vector tightly packed in memory of single-precision floating-point numbers using medium precision arithmetic in term of ULPs. | |
-typedef packed_highp_uvec1 | packed_uvec1 |
1 component vector tightly packed in memory of unsigned integer numbers. | |
-typedef packed_highp_uvec2 | packed_uvec2 |
2 components vector tightly packed in memory of unsigned integer numbers. | |
-typedef packed_highp_uvec3 | packed_uvec3 |
3 components vector tightly packed in memory of unsigned integer numbers. | |
-typedef packed_highp_uvec4 | packed_uvec4 |
4 components vector tightly packed in memory of unsigned integer numbers. | |
-typedef packed_highp_vec1 | packed_vec1 |
1 component vector tightly packed in memory of single-precision floating-point numbers. | |
-typedef packed_highp_vec2 | packed_vec2 |
2 components vector tightly packed in memory of single-precision floating-point numbers. | |
-typedef packed_highp_vec3 | packed_vec3 |
3 components vector tightly packed in memory of single-precision floating-point numbers. | |
-typedef packed_highp_vec4 | packed_vec4 |
4 components vector tightly packed in memory of single-precision floating-point numbers. | |
Definition in file gtc/type_aligned.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
Go to the source code of this file.
--Functions | |
GLM_ALIGNED_TYPEDEF (lowp_int8, aligned_lowp_int8, 1) | |
Low qualifier 8 bit signed integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (lowp_int16, aligned_lowp_int16, 2) | |
Low qualifier 16 bit signed integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (lowp_int32, aligned_lowp_int32, 4) | |
Low qualifier 32 bit signed integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (lowp_int64, aligned_lowp_int64, 8) | |
Low qualifier 64 bit signed integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (lowp_int8_t, aligned_lowp_int8_t, 1) | |
Low qualifier 8 bit signed integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (lowp_int16_t, aligned_lowp_int16_t, 2) | |
Low qualifier 16 bit signed integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (lowp_int32_t, aligned_lowp_int32_t, 4) | |
Low qualifier 32 bit signed integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (lowp_int64_t, aligned_lowp_int64_t, 8) | |
Low qualifier 64 bit signed integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (lowp_i8, aligned_lowp_i8, 1) | |
Low qualifier 8 bit signed integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (lowp_i16, aligned_lowp_i16, 2) | |
Low qualifier 16 bit signed integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (lowp_i32, aligned_lowp_i32, 4) | |
Low qualifier 32 bit signed integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (lowp_i64, aligned_lowp_i64, 8) | |
Low qualifier 64 bit signed integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (mediump_int8, aligned_mediump_int8, 1) | |
Medium qualifier 8 bit signed integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (mediump_int16, aligned_mediump_int16, 2) | |
Medium qualifier 16 bit signed integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (mediump_int32, aligned_mediump_int32, 4) | |
Medium qualifier 32 bit signed integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (mediump_int64, aligned_mediump_int64, 8) | |
Medium qualifier 64 bit signed integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (mediump_int8_t, aligned_mediump_int8_t, 1) | |
Medium qualifier 8 bit signed integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (mediump_int16_t, aligned_mediump_int16_t, 2) | |
Medium qualifier 16 bit signed integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (mediump_int32_t, aligned_mediump_int32_t, 4) | |
Medium qualifier 32 bit signed integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (mediump_int64_t, aligned_mediump_int64_t, 8) | |
Medium qualifier 64 bit signed integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (mediump_i8, aligned_mediump_i8, 1) | |
Medium qualifier 8 bit signed integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (mediump_i16, aligned_mediump_i16, 2) | |
Medium qualifier 16 bit signed integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (mediump_i32, aligned_mediump_i32, 4) | |
Medium qualifier 32 bit signed integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (mediump_i64, aligned_mediump_i64, 8) | |
Medium qualifier 64 bit signed integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (highp_int8, aligned_highp_int8, 1) | |
High qualifier 8 bit signed integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (highp_int16, aligned_highp_int16, 2) | |
High qualifier 16 bit signed integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (highp_int32, aligned_highp_int32, 4) | |
High qualifier 32 bit signed integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (highp_int64, aligned_highp_int64, 8) | |
High qualifier 64 bit signed integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (highp_int8_t, aligned_highp_int8_t, 1) | |
High qualifier 8 bit signed integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (highp_int16_t, aligned_highp_int16_t, 2) | |
High qualifier 16 bit signed integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (highp_int32_t, aligned_highp_int32_t, 4) | |
High qualifier 32 bit signed integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (highp_int64_t, aligned_highp_int64_t, 8) | |
High qualifier 64 bit signed integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (highp_i8, aligned_highp_i8, 1) | |
High qualifier 8 bit signed integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (highp_i16, aligned_highp_i16, 2) | |
High qualifier 16 bit signed integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (highp_i32, aligned_highp_i32, 4) | |
High qualifier 32 bit signed integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (highp_i64, aligned_highp_i64, 8) | |
High qualifier 64 bit signed integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (int8, aligned_int8, 1) | |
Default qualifier 8 bit signed integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (int16, aligned_int16, 2) | |
Default qualifier 16 bit signed integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (int32, aligned_int32, 4) | |
Default qualifier 32 bit signed integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (int64, aligned_int64, 8) | |
Default qualifier 64 bit signed integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (int8_t, aligned_int8_t, 1) | |
Default qualifier 8 bit signed integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (int16_t, aligned_int16_t, 2) | |
Default qualifier 16 bit signed integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (int32_t, aligned_int32_t, 4) | |
Default qualifier 32 bit signed integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (int64_t, aligned_int64_t, 8) | |
Default qualifier 64 bit signed integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (i8, aligned_i8, 1) | |
Default qualifier 8 bit signed integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (i16, aligned_i16, 2) | |
Default qualifier 16 bit signed integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (i32, aligned_i32, 4) | |
Default qualifier 32 bit signed integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (i64, aligned_i64, 8) | |
Default qualifier 64 bit signed integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (ivec1, aligned_ivec1, 4) | |
Default qualifier 32 bit signed integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (ivec2, aligned_ivec2, 8) | |
Default qualifier 32 bit signed integer aligned vector of 2 components type. More... | |
GLM_ALIGNED_TYPEDEF (ivec3, aligned_ivec3, 16) | |
Default qualifier 32 bit signed integer aligned vector of 3 components type. More... | |
GLM_ALIGNED_TYPEDEF (ivec4, aligned_ivec4, 16) | |
Default qualifier 32 bit signed integer aligned vector of 4 components type. More... | |
GLM_ALIGNED_TYPEDEF (i8vec1, aligned_i8vec1, 1) | |
Default qualifier 8 bit signed integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (i8vec2, aligned_i8vec2, 2) | |
Default qualifier 8 bit signed integer aligned vector of 2 components type. More... | |
GLM_ALIGNED_TYPEDEF (i8vec3, aligned_i8vec3, 4) | |
Default qualifier 8 bit signed integer aligned vector of 3 components type. More... | |
GLM_ALIGNED_TYPEDEF (i8vec4, aligned_i8vec4, 4) | |
Default qualifier 8 bit signed integer aligned vector of 4 components type. More... | |
GLM_ALIGNED_TYPEDEF (i16vec1, aligned_i16vec1, 2) | |
Default qualifier 16 bit signed integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (i16vec2, aligned_i16vec2, 4) | |
Default qualifier 16 bit signed integer aligned vector of 2 components type. More... | |
GLM_ALIGNED_TYPEDEF (i16vec3, aligned_i16vec3, 8) | |
Default qualifier 16 bit signed integer aligned vector of 3 components type. More... | |
GLM_ALIGNED_TYPEDEF (i16vec4, aligned_i16vec4, 8) | |
Default qualifier 16 bit signed integer aligned vector of 4 components type. More... | |
GLM_ALIGNED_TYPEDEF (i32vec1, aligned_i32vec1, 4) | |
Default qualifier 32 bit signed integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (i32vec2, aligned_i32vec2, 8) | |
Default qualifier 32 bit signed integer aligned vector of 2 components type. More... | |
GLM_ALIGNED_TYPEDEF (i32vec3, aligned_i32vec3, 16) | |
Default qualifier 32 bit signed integer aligned vector of 3 components type. More... | |
GLM_ALIGNED_TYPEDEF (i32vec4, aligned_i32vec4, 16) | |
Default qualifier 32 bit signed integer aligned vector of 4 components type. More... | |
GLM_ALIGNED_TYPEDEF (i64vec1, aligned_i64vec1, 8) | |
Default qualifier 64 bit signed integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (i64vec2, aligned_i64vec2, 16) | |
Default qualifier 64 bit signed integer aligned vector of 2 components type. More... | |
GLM_ALIGNED_TYPEDEF (i64vec3, aligned_i64vec3, 32) | |
Default qualifier 64 bit signed integer aligned vector of 3 components type. More... | |
GLM_ALIGNED_TYPEDEF (i64vec4, aligned_i64vec4, 32) | |
Default qualifier 64 bit signed integer aligned vector of 4 components type. More... | |
GLM_ALIGNED_TYPEDEF (lowp_uint8, aligned_lowp_uint8, 1) | |
Low qualifier 8 bit unsigned integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (lowp_uint16, aligned_lowp_uint16, 2) | |
Low qualifier 16 bit unsigned integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (lowp_uint32, aligned_lowp_uint32, 4) | |
Low qualifier 32 bit unsigned integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (lowp_uint64, aligned_lowp_uint64, 8) | |
Low qualifier 64 bit unsigned integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (lowp_uint8_t, aligned_lowp_uint8_t, 1) | |
Low qualifier 8 bit unsigned integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (lowp_uint16_t, aligned_lowp_uint16_t, 2) | |
Low qualifier 16 bit unsigned integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (lowp_uint32_t, aligned_lowp_uint32_t, 4) | |
Low qualifier 32 bit unsigned integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (lowp_uint64_t, aligned_lowp_uint64_t, 8) | |
Low qualifier 64 bit unsigned integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (lowp_u8, aligned_lowp_u8, 1) | |
Low qualifier 8 bit unsigned integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (lowp_u16, aligned_lowp_u16, 2) | |
Low qualifier 16 bit unsigned integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (lowp_u32, aligned_lowp_u32, 4) | |
Low qualifier 32 bit unsigned integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (lowp_u64, aligned_lowp_u64, 8) | |
Low qualifier 64 bit unsigned integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (mediump_uint8, aligned_mediump_uint8, 1) | |
Medium qualifier 8 bit unsigned integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (mediump_uint16, aligned_mediump_uint16, 2) | |
Medium qualifier 16 bit unsigned integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (mediump_uint32, aligned_mediump_uint32, 4) | |
Medium qualifier 32 bit unsigned integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (mediump_uint64, aligned_mediump_uint64, 8) | |
Medium qualifier 64 bit unsigned integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (mediump_uint8_t, aligned_mediump_uint8_t, 1) | |
Medium qualifier 8 bit unsigned integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (mediump_uint16_t, aligned_mediump_uint16_t, 2) | |
Medium qualifier 16 bit unsigned integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (mediump_uint32_t, aligned_mediump_uint32_t, 4) | |
Medium qualifier 32 bit unsigned integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (mediump_uint64_t, aligned_mediump_uint64_t, 8) | |
Medium qualifier 64 bit unsigned integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (mediump_u8, aligned_mediump_u8, 1) | |
Medium qualifier 8 bit unsigned integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (mediump_u16, aligned_mediump_u16, 2) | |
Medium qualifier 16 bit unsigned integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (mediump_u32, aligned_mediump_u32, 4) | |
Medium qualifier 32 bit unsigned integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (mediump_u64, aligned_mediump_u64, 8) | |
Medium qualifier 64 bit unsigned integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (highp_uint8, aligned_highp_uint8, 1) | |
High qualifier 8 bit unsigned integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (highp_uint16, aligned_highp_uint16, 2) | |
High qualifier 16 bit unsigned integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (highp_uint32, aligned_highp_uint32, 4) | |
High qualifier 32 bit unsigned integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (highp_uint64, aligned_highp_uint64, 8) | |
High qualifier 64 bit unsigned integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (highp_uint8_t, aligned_highp_uint8_t, 1) | |
High qualifier 8 bit unsigned integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (highp_uint16_t, aligned_highp_uint16_t, 2) | |
High qualifier 16 bit unsigned integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (highp_uint32_t, aligned_highp_uint32_t, 4) | |
High qualifier 32 bit unsigned integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (highp_uint64_t, aligned_highp_uint64_t, 8) | |
High qualifier 64 bit unsigned integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (highp_u8, aligned_highp_u8, 1) | |
High qualifier 8 bit unsigned integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (highp_u16, aligned_highp_u16, 2) | |
High qualifier 16 bit unsigned integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (highp_u32, aligned_highp_u32, 4) | |
High qualifier 32 bit unsigned integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (highp_u64, aligned_highp_u64, 8) | |
High qualifier 64 bit unsigned integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (uint8, aligned_uint8, 1) | |
Default qualifier 8 bit unsigned integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (uint16, aligned_uint16, 2) | |
Default qualifier 16 bit unsigned integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (uint32, aligned_uint32, 4) | |
Default qualifier 32 bit unsigned integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (uint64, aligned_uint64, 8) | |
Default qualifier 64 bit unsigned integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (uint8_t, aligned_uint8_t, 1) | |
Default qualifier 8 bit unsigned integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (uint16_t, aligned_uint16_t, 2) | |
Default qualifier 16 bit unsigned integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (uint32_t, aligned_uint32_t, 4) | |
Default qualifier 32 bit unsigned integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (uint64_t, aligned_uint64_t, 8) | |
Default qualifier 64 bit unsigned integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (u8, aligned_u8, 1) | |
Default qualifier 8 bit unsigned integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (u16, aligned_u16, 2) | |
Default qualifier 16 bit unsigned integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (u32, aligned_u32, 4) | |
Default qualifier 32 bit unsigned integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (u64, aligned_u64, 8) | |
Default qualifier 64 bit unsigned integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (uvec1, aligned_uvec1, 4) | |
Default qualifier 32 bit unsigned integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (uvec2, aligned_uvec2, 8) | |
Default qualifier 32 bit unsigned integer aligned vector of 2 components type. More... | |
GLM_ALIGNED_TYPEDEF (uvec3, aligned_uvec3, 16) | |
Default qualifier 32 bit unsigned integer aligned vector of 3 components type. More... | |
GLM_ALIGNED_TYPEDEF (uvec4, aligned_uvec4, 16) | |
Default qualifier 32 bit unsigned integer aligned vector of 4 components type. More... | |
GLM_ALIGNED_TYPEDEF (u8vec1, aligned_u8vec1, 1) | |
Default qualifier 8 bit unsigned integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (u8vec2, aligned_u8vec2, 2) | |
Default qualifier 8 bit unsigned integer aligned vector of 2 components type. More... | |
GLM_ALIGNED_TYPEDEF (u8vec3, aligned_u8vec3, 4) | |
Default qualifier 8 bit unsigned integer aligned vector of 3 components type. More... | |
GLM_ALIGNED_TYPEDEF (u8vec4, aligned_u8vec4, 4) | |
Default qualifier 8 bit unsigned integer aligned vector of 4 components type. More... | |
GLM_ALIGNED_TYPEDEF (u16vec1, aligned_u16vec1, 2) | |
Default qualifier 16 bit unsigned integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (u16vec2, aligned_u16vec2, 4) | |
Default qualifier 16 bit unsigned integer aligned vector of 2 components type. More... | |
GLM_ALIGNED_TYPEDEF (u16vec3, aligned_u16vec3, 8) | |
Default qualifier 16 bit unsigned integer aligned vector of 3 components type. More... | |
GLM_ALIGNED_TYPEDEF (u16vec4, aligned_u16vec4, 8) | |
Default qualifier 16 bit unsigned integer aligned vector of 4 components type. More... | |
GLM_ALIGNED_TYPEDEF (u32vec1, aligned_u32vec1, 4) | |
Default qualifier 32 bit unsigned integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (u32vec2, aligned_u32vec2, 8) | |
Default qualifier 32 bit unsigned integer aligned vector of 2 components type. More... | |
GLM_ALIGNED_TYPEDEF (u32vec3, aligned_u32vec3, 16) | |
Default qualifier 32 bit unsigned integer aligned vector of 3 components type. More... | |
GLM_ALIGNED_TYPEDEF (u32vec4, aligned_u32vec4, 16) | |
Default qualifier 32 bit unsigned integer aligned vector of 4 components type. More... | |
GLM_ALIGNED_TYPEDEF (u64vec1, aligned_u64vec1, 8) | |
Default qualifier 64 bit unsigned integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (u64vec2, aligned_u64vec2, 16) | |
Default qualifier 64 bit unsigned integer aligned vector of 2 components type. More... | |
GLM_ALIGNED_TYPEDEF (u64vec3, aligned_u64vec3, 32) | |
Default qualifier 64 bit unsigned integer aligned vector of 3 components type. More... | |
GLM_ALIGNED_TYPEDEF (u64vec4, aligned_u64vec4, 32) | |
Default qualifier 64 bit unsigned integer aligned vector of 4 components type. More... | |
GLM_ALIGNED_TYPEDEF (float32, aligned_float32, 4) | |
32 bit single-qualifier floating-point aligned scalar. More... | |
GLM_ALIGNED_TYPEDEF (float32_t, aligned_float32_t, 4) | |
32 bit single-qualifier floating-point aligned scalar. More... | |
GLM_ALIGNED_TYPEDEF (float32, aligned_f32, 4) | |
32 bit single-qualifier floating-point aligned scalar. More... | |
GLM_ALIGNED_TYPEDEF (float64, aligned_float64, 8) | |
64 bit double-qualifier floating-point aligned scalar. More... | |
GLM_ALIGNED_TYPEDEF (float64_t, aligned_float64_t, 8) | |
64 bit double-qualifier floating-point aligned scalar. More... | |
GLM_ALIGNED_TYPEDEF (float64, aligned_f64, 8) | |
64 bit double-qualifier floating-point aligned scalar. More... | |
GLM_ALIGNED_TYPEDEF (vec1, aligned_vec1, 4) | |
Single-qualifier floating-point aligned vector of 1 component. More... | |
GLM_ALIGNED_TYPEDEF (vec2, aligned_vec2, 8) | |
Single-qualifier floating-point aligned vector of 2 components. More... | |
GLM_ALIGNED_TYPEDEF (vec3, aligned_vec3, 16) | |
Single-qualifier floating-point aligned vector of 3 components. More... | |
GLM_ALIGNED_TYPEDEF (vec4, aligned_vec4, 16) | |
Single-qualifier floating-point aligned vector of 4 components. More... | |
GLM_ALIGNED_TYPEDEF (fvec1, aligned_fvec1, 4) | |
Single-qualifier floating-point aligned vector of 1 component. More... | |
GLM_ALIGNED_TYPEDEF (fvec2, aligned_fvec2, 8) | |
Single-qualifier floating-point aligned vector of 2 components. More... | |
GLM_ALIGNED_TYPEDEF (fvec3, aligned_fvec3, 16) | |
Single-qualifier floating-point aligned vector of 3 components. More... | |
GLM_ALIGNED_TYPEDEF (fvec4, aligned_fvec4, 16) | |
Single-qualifier floating-point aligned vector of 4 components. More... | |
GLM_ALIGNED_TYPEDEF (f32vec1, aligned_f32vec1, 4) | |
Single-qualifier floating-point aligned vector of 1 component. More... | |
GLM_ALIGNED_TYPEDEF (f32vec2, aligned_f32vec2, 8) | |
Single-qualifier floating-point aligned vector of 2 components. More... | |
GLM_ALIGNED_TYPEDEF (f32vec3, aligned_f32vec3, 16) | |
Single-qualifier floating-point aligned vector of 3 components. More... | |
GLM_ALIGNED_TYPEDEF (f32vec4, aligned_f32vec4, 16) | |
Single-qualifier floating-point aligned vector of 4 components. More... | |
GLM_ALIGNED_TYPEDEF (dvec1, aligned_dvec1, 8) | |
Double-qualifier floating-point aligned vector of 1 component. More... | |
GLM_ALIGNED_TYPEDEF (dvec2, aligned_dvec2, 16) | |
Double-qualifier floating-point aligned vector of 2 components. More... | |
GLM_ALIGNED_TYPEDEF (dvec3, aligned_dvec3, 32) | |
Double-qualifier floating-point aligned vector of 3 components. More... | |
GLM_ALIGNED_TYPEDEF (dvec4, aligned_dvec4, 32) | |
Double-qualifier floating-point aligned vector of 4 components. More... | |
GLM_ALIGNED_TYPEDEF (f64vec1, aligned_f64vec1, 8) | |
Double-qualifier floating-point aligned vector of 1 component. More... | |
GLM_ALIGNED_TYPEDEF (f64vec2, aligned_f64vec2, 16) | |
Double-qualifier floating-point aligned vector of 2 components. More... | |
GLM_ALIGNED_TYPEDEF (f64vec3, aligned_f64vec3, 32) | |
Double-qualifier floating-point aligned vector of 3 components. More... | |
GLM_ALIGNED_TYPEDEF (f64vec4, aligned_f64vec4, 32) | |
Double-qualifier floating-point aligned vector of 4 components. More... | |
GLM_ALIGNED_TYPEDEF (mat2, aligned_mat2, 16) | |
Single-qualifier floating-point aligned 1x1 matrix. More... | |
GLM_ALIGNED_TYPEDEF (mat3, aligned_mat3, 16) | |
Single-qualifier floating-point aligned 3x3 matrix. More... | |
GLM_ALIGNED_TYPEDEF (mat4, aligned_mat4, 16) | |
Single-qualifier floating-point aligned 4x4 matrix. More... | |
GLM_ALIGNED_TYPEDEF (fmat2x2, aligned_fmat2, 16) | |
Single-qualifier floating-point aligned 1x1 matrix. More... | |
GLM_ALIGNED_TYPEDEF (fmat3x3, aligned_fmat3, 16) | |
Single-qualifier floating-point aligned 3x3 matrix. More... | |
GLM_ALIGNED_TYPEDEF (fmat4x4, aligned_fmat4, 16) | |
Single-qualifier floating-point aligned 4x4 matrix. More... | |
GLM_ALIGNED_TYPEDEF (fmat2x2, aligned_fmat2x2, 16) | |
Single-qualifier floating-point aligned 1x1 matrix. More... | |
GLM_ALIGNED_TYPEDEF (fmat2x3, aligned_fmat2x3, 16) | |
Single-qualifier floating-point aligned 2x3 matrix. More... | |
GLM_ALIGNED_TYPEDEF (fmat2x4, aligned_fmat2x4, 16) | |
Single-qualifier floating-point aligned 2x4 matrix. More... | |
GLM_ALIGNED_TYPEDEF (fmat3x2, aligned_fmat3x2, 16) | |
Single-qualifier floating-point aligned 3x2 matrix. More... | |
GLM_ALIGNED_TYPEDEF (fmat3x3, aligned_fmat3x3, 16) | |
Single-qualifier floating-point aligned 3x3 matrix. More... | |
GLM_ALIGNED_TYPEDEF (fmat3x4, aligned_fmat3x4, 16) | |
Single-qualifier floating-point aligned 3x4 matrix. More... | |
GLM_ALIGNED_TYPEDEF (fmat4x2, aligned_fmat4x2, 16) | |
Single-qualifier floating-point aligned 4x2 matrix. More... | |
GLM_ALIGNED_TYPEDEF (fmat4x3, aligned_fmat4x3, 16) | |
Single-qualifier floating-point aligned 4x3 matrix. More... | |
GLM_ALIGNED_TYPEDEF (fmat4x4, aligned_fmat4x4, 16) | |
Single-qualifier floating-point aligned 4x4 matrix. More... | |
GLM_ALIGNED_TYPEDEF (f32mat2x2, aligned_f32mat2, 16) | |
Single-qualifier floating-point aligned 1x1 matrix. More... | |
GLM_ALIGNED_TYPEDEF (f32mat3x3, aligned_f32mat3, 16) | |
Single-qualifier floating-point aligned 3x3 matrix. More... | |
GLM_ALIGNED_TYPEDEF (f32mat4x4, aligned_f32mat4, 16) | |
Single-qualifier floating-point aligned 4x4 matrix. More... | |
GLM_ALIGNED_TYPEDEF (f32mat2x2, aligned_f32mat2x2, 16) | |
Single-qualifier floating-point aligned 1x1 matrix. More... | |
GLM_ALIGNED_TYPEDEF (f32mat2x3, aligned_f32mat2x3, 16) | |
Single-qualifier floating-point aligned 2x3 matrix. More... | |
GLM_ALIGNED_TYPEDEF (f32mat2x4, aligned_f32mat2x4, 16) | |
Single-qualifier floating-point aligned 2x4 matrix. More... | |
GLM_ALIGNED_TYPEDEF (f32mat3x2, aligned_f32mat3x2, 16) | |
Single-qualifier floating-point aligned 3x2 matrix. More... | |
GLM_ALIGNED_TYPEDEF (f32mat3x3, aligned_f32mat3x3, 16) | |
Single-qualifier floating-point aligned 3x3 matrix. More... | |
GLM_ALIGNED_TYPEDEF (f32mat3x4, aligned_f32mat3x4, 16) | |
Single-qualifier floating-point aligned 3x4 matrix. More... | |
GLM_ALIGNED_TYPEDEF (f32mat4x2, aligned_f32mat4x2, 16) | |
Single-qualifier floating-point aligned 4x2 matrix. More... | |
GLM_ALIGNED_TYPEDEF (f32mat4x3, aligned_f32mat4x3, 16) | |
Single-qualifier floating-point aligned 4x3 matrix. More... | |
GLM_ALIGNED_TYPEDEF (f32mat4x4, aligned_f32mat4x4, 16) | |
Single-qualifier floating-point aligned 4x4 matrix. More... | |
GLM_ALIGNED_TYPEDEF (f64mat2x2, aligned_f64mat2, 32) | |
Double-qualifier floating-point aligned 1x1 matrix. More... | |
GLM_ALIGNED_TYPEDEF (f64mat3x3, aligned_f64mat3, 32) | |
Double-qualifier floating-point aligned 3x3 matrix. More... | |
GLM_ALIGNED_TYPEDEF (f64mat4x4, aligned_f64mat4, 32) | |
Double-qualifier floating-point aligned 4x4 matrix. More... | |
GLM_ALIGNED_TYPEDEF (f64mat2x2, aligned_f64mat2x2, 32) | |
Double-qualifier floating-point aligned 1x1 matrix. More... | |
GLM_ALIGNED_TYPEDEF (f64mat2x3, aligned_f64mat2x3, 32) | |
Double-qualifier floating-point aligned 2x3 matrix. More... | |
GLM_ALIGNED_TYPEDEF (f64mat2x4, aligned_f64mat2x4, 32) | |
Double-qualifier floating-point aligned 2x4 matrix. More... | |
GLM_ALIGNED_TYPEDEF (f64mat3x2, aligned_f64mat3x2, 32) | |
Double-qualifier floating-point aligned 3x2 matrix. More... | |
GLM_ALIGNED_TYPEDEF (f64mat3x3, aligned_f64mat3x3, 32) | |
Double-qualifier floating-point aligned 3x3 matrix. More... | |
GLM_ALIGNED_TYPEDEF (f64mat3x4, aligned_f64mat3x4, 32) | |
Double-qualifier floating-point aligned 3x4 matrix. More... | |
GLM_ALIGNED_TYPEDEF (f64mat4x2, aligned_f64mat4x2, 32) | |
Double-qualifier floating-point aligned 4x2 matrix. More... | |
GLM_ALIGNED_TYPEDEF (f64mat4x3, aligned_f64mat4x3, 32) | |
Double-qualifier floating-point aligned 4x3 matrix. More... | |
GLM_ALIGNED_TYPEDEF (f64mat4x4, aligned_f64mat4x4, 32) | |
Double-qualifier floating-point aligned 4x4 matrix. More... | |
GLM_ALIGNED_TYPEDEF (quat, aligned_quat, 16) | |
Single-qualifier floating-point aligned quaternion. More... | |
GLM_ALIGNED_TYPEDEF (quat, aligned_fquat, 16) | |
Single-qualifier floating-point aligned quaternion. More... | |
GLM_ALIGNED_TYPEDEF (dquat, aligned_dquat, 32) | |
Double-qualifier floating-point aligned quaternion. More... | |
GLM_ALIGNED_TYPEDEF (f32quat, aligned_f32quat, 16) | |
Single-qualifier floating-point aligned quaternion. More... | |
GLM_ALIGNED_TYPEDEF (f64quat, aligned_f64quat, 32) | |
Double-qualifier floating-point aligned quaternion. More... | |
Definition in file gtx/type_aligned.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
Go to the source code of this file.
-Definition in file type_mat2x2.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
Go to the source code of this file.
-Definition in file type_mat2x3.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
Go to the source code of this file.
-Definition in file type_mat2x4.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
Go to the source code of this file.
-Definition in file type_mat3x2.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
Go to the source code of this file.
-Definition in file type_mat3x3.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
Go to the source code of this file.
-Definition in file type_mat3x4.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
Go to the source code of this file.
-Definition in file type_mat4x2.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
Go to the source code of this file.
-Definition in file type_mat4x3.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
Go to the source code of this file.
-Definition in file type_mat4x4.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
GLM_GTC_type_precision -More...
- -Go to the source code of this file.
-Definition in file type_precision.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
Go to the source code of this file.
--Functions | |
template<typename T > | |
GLM_FUNC_DECL mat< 2, 2, T, defaultp > | make_mat2 (T const *const ptr) |
Build a matrix from a pointer. More... | |
template<typename T > | |
GLM_FUNC_DECL mat< 2, 2, T, defaultp > | make_mat2x2 (T const *const ptr) |
Build a matrix from a pointer. More... | |
template<typename T > | |
GLM_FUNC_DECL mat< 2, 3, T, defaultp > | make_mat2x3 (T const *const ptr) |
Build a matrix from a pointer. More... | |
template<typename T > | |
GLM_FUNC_DECL mat< 2, 4, T, defaultp > | make_mat2x4 (T const *const ptr) |
Build a matrix from a pointer. More... | |
template<typename T > | |
GLM_FUNC_DECL mat< 3, 3, T, defaultp > | make_mat3 (T const *const ptr) |
Build a matrix from a pointer. More... | |
template<typename T > | |
GLM_FUNC_DECL mat< 3, 2, T, defaultp > | make_mat3x2 (T const *const ptr) |
Build a matrix from a pointer. More... | |
template<typename T > | |
GLM_FUNC_DECL mat< 3, 3, T, defaultp > | make_mat3x3 (T const *const ptr) |
Build a matrix from a pointer. More... | |
template<typename T > | |
GLM_FUNC_DECL mat< 3, 4, T, defaultp > | make_mat3x4 (T const *const ptr) |
Build a matrix from a pointer. More... | |
template<typename T > | |
GLM_FUNC_DECL mat< 4, 4, T, defaultp > | make_mat4 (T const *const ptr) |
Build a matrix from a pointer. More... | |
template<typename T > | |
GLM_FUNC_DECL mat< 4, 2, T, defaultp > | make_mat4x2 (T const *const ptr) |
Build a matrix from a pointer. More... | |
template<typename T > | |
GLM_FUNC_DECL mat< 4, 3, T, defaultp > | make_mat4x3 (T const *const ptr) |
Build a matrix from a pointer. More... | |
template<typename T > | |
GLM_FUNC_DECL mat< 4, 4, T, defaultp > | make_mat4x4 (T const *const ptr) |
Build a matrix from a pointer. More... | |
template<typename T > | |
GLM_FUNC_DECL qua< T, defaultp > | make_quat (T const *const ptr) |
Build a quaternion from a pointer. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL vec< 1, T, Q > | make_vec1 (vec< 1, T, Q > const &v) |
Build a vector from a pointer. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL vec< 1, T, Q > | make_vec1 (vec< 2, T, Q > const &v) |
Build a vector from a pointer. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL vec< 1, T, Q > | make_vec1 (vec< 3, T, Q > const &v) |
Build a vector from a pointer. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL vec< 1, T, Q > | make_vec1 (vec< 4, T, Q > const &v) |
Build a vector from a pointer. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL vec< 2, T, Q > | make_vec2 (vec< 1, T, Q > const &v) |
Build a vector from a pointer. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL vec< 2, T, Q > | make_vec2 (vec< 2, T, Q > const &v) |
Build a vector from a pointer. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL vec< 2, T, Q > | make_vec2 (vec< 3, T, Q > const &v) |
Build a vector from a pointer. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL vec< 2, T, Q > | make_vec2 (vec< 4, T, Q > const &v) |
Build a vector from a pointer. More... | |
template<typename T > | |
GLM_FUNC_DECL vec< 2, T, defaultp > | make_vec2 (T const *const ptr) |
Build a vector from a pointer. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL vec< 3, T, Q > | make_vec3 (vec< 1, T, Q > const &v) |
Build a vector from a pointer. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL vec< 3, T, Q > | make_vec3 (vec< 2, T, Q > const &v) |
Build a vector from a pointer. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL vec< 3, T, Q > | make_vec3 (vec< 3, T, Q > const &v) |
Build a vector from a pointer. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL vec< 3, T, Q > | make_vec3 (vec< 4, T, Q > const &v) |
Build a vector from a pointer. More... | |
template<typename T > | |
GLM_FUNC_DECL vec< 3, T, defaultp > | make_vec3 (T const *const ptr) |
Build a vector from a pointer. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL vec< 4, T, Q > | make_vec4 (vec< 1, T, Q > const &v) |
Build a vector from a pointer. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL vec< 4, T, Q > | make_vec4 (vec< 2, T, Q > const &v) |
Build a vector from a pointer. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL vec< 4, T, Q > | make_vec4 (vec< 3, T, Q > const &v) |
Build a vector from a pointer. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL vec< 4, T, Q > | make_vec4 (vec< 4, T, Q > const &v) |
Build a vector from a pointer. More... | |
template<typename T > | |
GLM_FUNC_DECL vec< 4, T, defaultp > | make_vec4 (T const *const ptr) |
Build a vector from a pointer. More... | |
template<typename genType > | |
GLM_FUNC_DECL genType::value_type const * | value_ptr (genType const &v) |
Return the constant address to the data of the input parameter. More... | |
Definition in file type_ptr.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
Go to the source code of this file.
-Definition in file type_quat.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
Go to the source code of this file.
-Definition in file type_vec1.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
Go to the source code of this file.
-Definition in file type_vec2.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
Go to the source code of this file.
-Definition in file type_vec3.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
Go to the source code of this file.
-Definition in file type_vec4.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
Go to the source code of this file.
--Functions | |
GLM_FUNC_DECL int | float_distance (float x, float y) |
Return the distance in the number of ULP between 2 single-precision floating-point scalars. More... | |
GLM_FUNC_DECL int64 | float_distance (double x, double y) |
Return the distance in the number of ULP between 2 double-precision floating-point scalars. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, int, Q > | float_distance (vec< L, float, Q > const &x, vec< L, float, Q > const &y) |
Return the distance in the number of ULP between 2 single-precision floating-point scalars. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, int64, Q > | float_distance (vec< L, double, Q > const &x, vec< L, double, Q > const &y) |
Return the distance in the number of ULP between 2 double-precision floating-point scalars. More... | |
template<typename genType > | |
GLM_FUNC_DECL genType | next_float (genType x) |
Return the next ULP value(s) after the input value(s). More... | |
template<typename genType > | |
GLM_FUNC_DECL genType | next_float (genType x, int ULPs) |
Return the value(s) ULP distance after the input value(s). More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, T, Q > | next_float (vec< L, T, Q > const &x) |
Return the next ULP value(s) after the input value(s). More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, T, Q > | next_float (vec< L, T, Q > const &x, int ULPs) |
Return the value(s) ULP distance after the input value(s). More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, T, Q > | next_float (vec< L, T, Q > const &x, vec< L, int, Q > const &ULPs) |
Return the value(s) ULP distance after the input value(s). More... | |
template<typename genType > | |
GLM_FUNC_DECL genType | prev_float (genType x) |
Return the previous ULP value(s) before the input value(s). More... | |
template<typename genType > | |
GLM_FUNC_DECL genType | prev_float (genType x, int ULPs) |
Return the value(s) ULP distance before the input value(s). More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, T, Q > | prev_float (vec< L, T, Q > const &x) |
Return the previous ULP value(s) before the input value(s). More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, T, Q > | prev_float (vec< L, T, Q > const &x, int ULPs) |
Return the value(s) ULP distance before the input value(s). More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, T, Q > | prev_float (vec< L, T, Q > const &x, vec< L, int, Q > const &ULPs) |
Return the value(s) ULP distance before the input value(s). More... | |
![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
Go to the source code of this file.
-Definition in file vec2.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
Go to the source code of this file.
-Definition in file vec3.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
Go to the source code of this file.
-Definition in file vec4.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
Go to the source code of this file.
--Functions | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL T | angle (vec< L, T, Q > const &x, vec< L, T, Q > const &y) |
Returns the absolute angle between two vectors. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL T | orientedAngle (vec< 2, T, Q > const &x, vec< 2, T, Q > const &y) |
Returns the oriented angle between two 2d vectors. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL T | orientedAngle (vec< 3, T, Q > const &x, vec< 3, T, Q > const &y, vec< 3, T, Q > const &ref) |
Returns the oriented angle between two 3d vectors based from a reference axis. More... | |
Definition in file vector_angle.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
Go to the source code of this file.
--Typedefs | |
-typedef vec< 1, bool, defaultp > | bvec1 |
1 components vector of boolean. | |
Definition in file vector_bool1.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
GLM_EXT_vector_bool1_precision -More...
- -Go to the source code of this file.
--Typedefs | |
-typedef vec< 1, bool, highp > | highp_bvec1 |
1 component vector of bool values. | |
-typedef vec< 1, bool, lowp > | lowp_bvec1 |
1 component vector of bool values. | |
-typedef vec< 1, bool, mediump > | mediump_bvec1 |
1 component vector of bool values. | |
GLM_EXT_vector_bool1_precision
- -Definition in file vector_bool1_precision.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
Go to the source code of this file.
--Typedefs | |
typedef vec< 2, bool, defaultp > | bvec2 |
2 components vector of boolean. More... | |
Definition in file vector_bool2.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
Go to the source code of this file.
--Typedefs | |
typedef vec< 2, bool, highp > | highp_bvec2 |
2 components vector of high qualifier bool numbers. More... | |
typedef vec< 2, bool, lowp > | lowp_bvec2 |
2 components vector of low qualifier bool numbers. More... | |
typedef vec< 2, bool, mediump > | mediump_bvec2 |
2 components vector of medium qualifier bool numbers. More... | |
Definition in file vector_bool2_precision.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
Go to the source code of this file.
--Typedefs | |
typedef vec< 3, bool, defaultp > | bvec3 |
3 components vector of boolean. More... | |
Definition in file vector_bool3.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
Go to the source code of this file.
--Typedefs | |
typedef vec< 3, bool, highp > | highp_bvec3 |
3 components vector of high qualifier bool numbers. More... | |
typedef vec< 3, bool, lowp > | lowp_bvec3 |
3 components vector of low qualifier bool numbers. More... | |
typedef vec< 3, bool, mediump > | mediump_bvec3 |
3 components vector of medium qualifier bool numbers. More... | |
Definition in file vector_bool3_precision.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
Go to the source code of this file.
--Typedefs | |
typedef vec< 4, bool, defaultp > | bvec4 |
4 components vector of boolean. More... | |
Definition in file vector_bool4.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
Go to the source code of this file.
--Typedefs | |
typedef vec< 4, bool, highp > | highp_bvec4 |
4 components vector of high qualifier bool numbers. More... | |
typedef vec< 4, bool, lowp > | lowp_bvec4 |
4 components vector of low qualifier bool numbers. More... | |
typedef vec< 4, bool, mediump > | mediump_bvec4 |
4 components vector of medium qualifier bool numbers. More... | |
Definition in file vector_bool4_precision.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
GLM_EXT_vector_common -More...
- -Go to the source code of this file.
--Functions | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, T, Q > | fmax (vec< L, T, Q > const &a, T b) |
Returns y if x < y; otherwise, it returns x. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, T, Q > | fmax (vec< L, T, Q > const &a, vec< L, T, Q > const &b) |
Returns y if x < y; otherwise, it returns x. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, T, Q > | fmax (vec< L, T, Q > const &a, vec< L, T, Q > const &b, vec< L, T, Q > const &c) |
Returns y if x < y; otherwise, it returns x. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, T, Q > | fmax (vec< L, T, Q > const &a, vec< L, T, Q > const &b, vec< L, T, Q > const &c, vec< L, T, Q > const &d) |
Returns y if x < y; otherwise, it returns x. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, T, Q > | fmin (vec< L, T, Q > const &x, T y) |
Returns y if y < x; otherwise, it returns x. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, T, Q > | fmin (vec< L, T, Q > const &x, vec< L, T, Q > const &y) |
Returns y if y < x; otherwise, it returns x. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, T, Q > | fmin (vec< L, T, Q > const &a, vec< L, T, Q > const &b, vec< L, T, Q > const &c) |
Returns y if y < x; otherwise, it returns x. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, T, Q > | fmin (vec< L, T, Q > const &a, vec< L, T, Q > const &b, vec< L, T, Q > const &c, vec< L, T, Q > const &d) |
Returns y if y < x; otherwise, it returns x. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL GLM_CONSTEXPR vec< L, T, Q > | max (vec< L, T, Q > const &x, vec< L, T, Q > const &y, vec< L, T, Q > const &z) |
Return the maximum component-wise values of 3 inputs. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL GLM_CONSTEXPR vec< L, T, Q > | max (vec< L, T, Q > const &x, vec< L, T, Q > const &y, vec< L, T, Q > const &z, vec< L, T, Q > const &w) |
Return the maximum component-wise values of 4 inputs. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL GLM_CONSTEXPR vec< L, T, Q > | min (vec< L, T, Q > const &a, vec< L, T, Q > const &b, vec< L, T, Q > const &c) |
Return the minimum component-wise values of 3 inputs. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL GLM_CONSTEXPR vec< L, T, Q > | min (vec< L, T, Q > const &a, vec< L, T, Q > const &b, vec< L, T, Q > const &c, vec< L, T, Q > const &d) |
Return the minimum component-wise values of 4 inputs. More... | |
Definition in file vector_common.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
GLM_EXT_vector_double1 -More...
- -Go to the source code of this file.
--Typedefs | |
-typedef vec< 1, double, defaultp > | dvec1 |
1 components vector of double-precision floating-point numbers. | |
Definition in file vector_double1.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
GLM_EXT_vector_double1_precision -More...
- -Go to the source code of this file.
--Typedefs | |
-typedef vec< 1, double, highp > | highp_dvec1 |
1 component vector of double-precision floating-point numbers using high precision arithmetic in term of ULPs. | |
-typedef vec< 1, double, lowp > | lowp_dvec1 |
1 component vector of double-precision floating-point numbers using low precision arithmetic in term of ULPs. | |
-typedef vec< 1, double, mediump > | mediump_dvec1 |
1 component vector of double-precision floating-point numbers using medium precision arithmetic in term of ULPs. | |
GLM_EXT_vector_double1_precision
- -Definition in file vector_double1_precision.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
Go to the source code of this file.
--Typedefs | |
typedef vec< 2, double, defaultp > | dvec2 |
2 components vector of double-precision floating-point numbers. More... | |
Definition in file vector_double2.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
Go to the source code of this file.
--Typedefs | |
typedef vec< 2, double, highp > | highp_dvec2 |
2 components vector of high double-qualifier floating-point numbers. More... | |
typedef vec< 2, double, lowp > | lowp_dvec2 |
2 components vector of low double-qualifier floating-point numbers. More... | |
typedef vec< 2, double, mediump > | mediump_dvec2 |
2 components vector of medium double-qualifier floating-point numbers. More... | |
Definition in file vector_double2_precision.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
Go to the source code of this file.
--Typedefs | |
typedef vec< 3, double, defaultp > | dvec3 |
3 components vector of double-precision floating-point numbers. More... | |
Definition in file vector_double3.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
Go to the source code of this file.
--Typedefs | |
typedef vec< 3, double, highp > | highp_dvec3 |
3 components vector of high double-qualifier floating-point numbers. More... | |
typedef vec< 3, double, lowp > | lowp_dvec3 |
3 components vector of low double-qualifier floating-point numbers. More... | |
typedef vec< 3, double, mediump > | mediump_dvec3 |
3 components vector of medium double-qualifier floating-point numbers. More... | |
Definition in file vector_double3_precision.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
Go to the source code of this file.
--Typedefs | |
typedef vec< 4, double, defaultp > | dvec4 |
4 components vector of double-precision floating-point numbers. More... | |
Definition in file vector_double4.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
Go to the source code of this file.
--Typedefs | |
typedef vec< 4, double, highp > | highp_dvec4 |
4 components vector of high double-qualifier floating-point numbers. More... | |
typedef vec< 4, double, lowp > | lowp_dvec4 |
4 components vector of low double-qualifier floating-point numbers. More... | |
typedef vec< 4, double, mediump > | mediump_dvec4 |
4 components vector of medium double-qualifier floating-point numbers. More... | |
Definition in file vector_double4_precision.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
GLM_EXT_vector_float1 -More...
- -Go to the source code of this file.
--Typedefs | |
-typedef vec< 1, float, defaultp > | vec1 |
1 components vector of single-precision floating-point numbers. | |
Definition in file vector_float1.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
GLM_EXT_vector_float1_precision -More...
- -Go to the source code of this file.
--Typedefs | |
-typedef vec< 1, float, highp > | highp_vec1 |
1 component vector of single-precision floating-point numbers using high precision arithmetic in term of ULPs. | |
-typedef vec< 1, float, lowp > | lowp_vec1 |
1 component vector of single-precision floating-point numbers using low precision arithmetic in term of ULPs. | |
-typedef vec< 1, float, mediump > | mediump_vec1 |
1 component vector of single-precision floating-point numbers using medium precision arithmetic in term of ULPs. | |
GLM_EXT_vector_float1_precision
- -Definition in file vector_float1_precision.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
Go to the source code of this file.
--Typedefs | |
typedef vec< 2, float, defaultp > | vec2 |
2 components vector of single-precision floating-point numbers. More... | |
Definition in file vector_float2.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
Go to the source code of this file.
--Typedefs | |
typedef vec< 2, float, highp > | highp_vec2 |
2 components vector of high single-qualifier floating-point numbers. More... | |
typedef vec< 2, float, lowp > | lowp_vec2 |
2 components vector of low single-qualifier floating-point numbers. More... | |
typedef vec< 2, float, mediump > | mediump_vec2 |
2 components vector of medium single-qualifier floating-point numbers. More... | |
Definition in file vector_float2_precision.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
Go to the source code of this file.
--Typedefs | |
typedef vec< 3, float, defaultp > | vec3 |
3 components vector of single-precision floating-point numbers. More... | |
Definition in file vector_float3.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
Go to the source code of this file.
--Typedefs | |
typedef vec< 3, float, highp > | highp_vec3 |
3 components vector of high single-qualifier floating-point numbers. More... | |
typedef vec< 3, float, lowp > | lowp_vec3 |
3 components vector of low single-qualifier floating-point numbers. More... | |
typedef vec< 3, float, mediump > | mediump_vec3 |
3 components vector of medium single-qualifier floating-point numbers. More... | |
Definition in file vector_float3_precision.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
Go to the source code of this file.
--Typedefs | |
typedef vec< 4, float, defaultp > | vec4 |
4 components vector of single-precision floating-point numbers. More... | |
Definition in file vector_float4.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
Go to the source code of this file.
--Typedefs | |
typedef vec< 4, float, highp > | highp_vec4 |
4 components vector of high single-qualifier floating-point numbers. More... | |
typedef vec< 4, float, lowp > | lowp_vec4 |
4 components vector of low single-qualifier floating-point numbers. More... | |
typedef vec< 4, float, mediump > | mediump_vec4 |
4 components vector of medium single-qualifier floating-point numbers. More... | |
Definition in file vector_float4_precision.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
Go to the source code of this file.
--Typedefs | |
-typedef vec< 1, int, defaultp > | ivec1 |
1 component vector of signed integer numbers. | |
Definition in file vector_int1.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
GLM_EXT_vector_int1_precision -More...
- -Go to the source code of this file.
--Typedefs | |
-typedef vec< 1, int, highp > | highp_ivec1 |
1 component vector of signed integer values. | |
-typedef vec< 1, int, lowp > | lowp_ivec1 |
1 component vector of signed integer values. | |
-typedef vec< 1, int, mediump > | mediump_ivec1 |
1 component vector of signed integer values. | |
Definition in file vector_int1_precision.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
Go to the source code of this file.
--Typedefs | |
typedef vec< 2, int, defaultp > | ivec2 |
2 components vector of signed integer numbers. More... | |
Definition in file vector_int2.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
Go to the source code of this file.
--Typedefs | |
typedef vec< 2, int, highp > | highp_ivec2 |
2 components vector of high qualifier signed integer numbers. More... | |
typedef vec< 2, int, lowp > | lowp_ivec2 |
2 components vector of low qualifier signed integer numbers. More... | |
typedef vec< 2, int, mediump > | mediump_ivec2 |
2 components vector of medium qualifier signed integer numbers. More... | |
Definition in file vector_int2_precision.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
Go to the source code of this file.
--Typedefs | |
typedef vec< 3, int, defaultp > | ivec3 |
3 components vector of signed integer numbers. More... | |
Definition in file vector_int3.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
Go to the source code of this file.
--Typedefs | |
typedef vec< 3, int, highp > | highp_ivec3 |
3 components vector of high qualifier signed integer numbers. More... | |
typedef vec< 3, int, lowp > | lowp_ivec3 |
3 components vector of low qualifier signed integer numbers. More... | |
typedef vec< 3, int, mediump > | mediump_ivec3 |
3 components vector of medium qualifier signed integer numbers. More... | |
Definition in file vector_int3_precision.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
Go to the source code of this file.
--Typedefs | |
typedef vec< 4, int, defaultp > | ivec4 |
4 components vector of signed integer numbers. More... | |
Definition in file vector_int4.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
Go to the source code of this file.
--Typedefs | |
typedef vec< 4, int, highp > | highp_ivec4 |
4 components vector of high qualifier signed integer numbers. More... | |
typedef vec< 4, int, lowp > | lowp_ivec4 |
4 components vector of low qualifier signed integer numbers. More... | |
typedef vec< 4, int, mediump > | mediump_ivec4 |
4 components vector of medium qualifier signed integer numbers. More... | |
Definition in file vector_int4_precision.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
GLM_EXT_vector_integer -More...
- -Go to the source code of this file.
--Functions | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, int, Q > | findNSB (vec< L, T, Q > const &Source, vec< L, int, Q > SignificantBitCount) |
Returns the bit number of the Nth significant bit set to 1 in the binary representation of value. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, bool, Q > | isMultiple (vec< L, T, Q > const &v, T Multiple) |
Return true if the 'Value' is a multiple of 'Multiple'. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, bool, Q > | isMultiple (vec< L, T, Q > const &v, vec< L, T, Q > const &Multiple) |
Return true if the 'Value' is a multiple of 'Multiple'. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, bool, Q > | isPowerOfTwo (vec< L, T, Q > const &v) |
Return true if the value is a power of two number. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, T, Q > | nextMultiple (vec< L, T, Q > const &v, T Multiple) |
Higher multiple number of Source. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, T, Q > | nextMultiple (vec< L, T, Q > const &v, vec< L, T, Q > const &Multiple) |
Higher multiple number of Source. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, T, Q > | nextPowerOfTwo (vec< L, T, Q > const &v) |
Return the power of two number which value is just higher the input value, round up to a power of two. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, T, Q > | prevMultiple (vec< L, T, Q > const &v, T Multiple) |
Lower multiple number of Source. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, T, Q > | prevMultiple (vec< L, T, Q > const &v, vec< L, T, Q > const &Multiple) |
Lower multiple number of Source. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, T, Q > | prevPowerOfTwo (vec< L, T, Q > const &v) |
Return the power of two number which value is just lower the input value, round down to a power of two. More... | |
Definition in file vector_integer.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
Go to the source code of this file.
--Functions | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL bool | areCollinear (vec< L, T, Q > const &v0, vec< L, T, Q > const &v1, T const &epsilon) |
Check whether two vectors are collinears. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL bool | areOrthogonal (vec< L, T, Q > const &v0, vec< L, T, Q > const &v1, T const &epsilon) |
Check whether two vectors are orthogonals. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL bool | areOrthonormal (vec< L, T, Q > const &v0, vec< L, T, Q > const &v1, T const &epsilon) |
Check whether two vectors are orthonormal. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, bool, Q > | isCompNull (vec< L, T, Q > const &v, T const &epsilon) |
Check whether a each component of a vector is null. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL bool | isNormalized (vec< L, T, Q > const &v, T const &epsilon) |
Check whether a vector is normalized. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL bool | isNull (vec< L, T, Q > const &v, T const &epsilon) |
Check whether a vector is null. More... | |
![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
GLM_EXT_vector_relational -More...
- -Go to the source code of this file.
--Functions | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL GLM_CONSTEXPR vec< L, bool, Q > | equal (vec< L, T, Q > const &x, vec< L, T, Q > const &y, T epsilon) |
Returns the component-wise comparison of |x - y| < epsilon. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL GLM_CONSTEXPR vec< L, bool, Q > | equal (vec< L, T, Q > const &x, vec< L, T, Q > const &y, vec< L, T, Q > const &epsilon) |
Returns the component-wise comparison of |x - y| < epsilon. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL GLM_CONSTEXPR vec< L, bool, Q > | equal (vec< L, T, Q > const &x, vec< L, T, Q > const &y, int ULPs) |
Returns the component-wise comparison between two vectors in term of ULPs. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL GLM_CONSTEXPR vec< L, bool, Q > | equal (vec< L, T, Q > const &x, vec< L, T, Q > const &y, vec< L, int, Q > const &ULPs) |
Returns the component-wise comparison between two vectors in term of ULPs. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL GLM_CONSTEXPR vec< L, bool, Q > | notEqual (vec< L, T, Q > const &x, vec< L, T, Q > const &y, T epsilon) |
Returns the component-wise comparison of |x - y| >= epsilon. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL GLM_CONSTEXPR vec< L, bool, Q > | notEqual (vec< L, T, Q > const &x, vec< L, T, Q > const &y, vec< L, T, Q > const &epsilon) |
Returns the component-wise comparison of |x - y| >= epsilon. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL GLM_CONSTEXPR vec< L, bool, Q > | notEqual (vec< L, T, Q > const &x, vec< L, T, Q > const &y, int ULPs) |
Returns the component-wise comparison between two vectors in term of ULPs. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL GLM_CONSTEXPR vec< L, bool, Q > | notEqual (vec< L, T, Q > const &x, vec< L, T, Q > const &y, vec< L, int, Q > const &ULPs) |
Returns the component-wise comparison between two vectors in term of ULPs. More... | |
Definition in file ext/vector_relational.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
Go to the source code of this file.
--Functions | |
template<length_t L, qualifier Q> | |
GLM_FUNC_DECL GLM_CONSTEXPR bool | all (vec< L, bool, Q > const &v) |
Returns true if all components of x are true. More... | |
template<length_t L, qualifier Q> | |
GLM_FUNC_DECL GLM_CONSTEXPR bool | any (vec< L, bool, Q > const &v) |
Returns true if any component of x is true. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL GLM_CONSTEXPR vec< L, bool, Q > | equal (vec< L, T, Q > const &x, vec< L, T, Q > const &y) |
Returns the component-wise comparison of result x == y. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL GLM_CONSTEXPR vec< L, bool, Q > | greaterThan (vec< L, T, Q > const &x, vec< L, T, Q > const &y) |
Returns the component-wise comparison of result x > y. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL GLM_CONSTEXPR vec< L, bool, Q > | greaterThanEqual (vec< L, T, Q > const &x, vec< L, T, Q > const &y) |
Returns the component-wise comparison of result x >= y. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL GLM_CONSTEXPR vec< L, bool, Q > | lessThan (vec< L, T, Q > const &x, vec< L, T, Q > const &y) |
Returns the component-wise comparison result of x < y. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL GLM_CONSTEXPR vec< L, bool, Q > | lessThanEqual (vec< L, T, Q > const &x, vec< L, T, Q > const &y) |
Returns the component-wise comparison of result x <= y. More... | |
template<length_t L, qualifier Q> | |
GLM_FUNC_DECL GLM_CONSTEXPR vec< L, bool, Q > | not_ (vec< L, bool, Q > const &v) |
Returns the component-wise logical complement of x. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL GLM_CONSTEXPR vec< L, bool, Q > | notEqual (vec< L, T, Q > const &x, vec< L, T, Q > const &y) |
Returns the component-wise comparison of result x != y. More... | |
Definition in file vector_relational.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
Go to the source code of this file.
--Typedefs | |
-typedef vec< 1, unsigned int, defaultp > | uvec1 |
1 component vector of unsigned integer numbers. | |
Definition in file vector_uint1.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
GLM_EXT_vector_uint1_precision -More...
- -Go to the source code of this file.
--Typedefs | |
typedef vec< 1, unsigned int, highp > | highp_uvec1 |
1 component vector of unsigned integer values. More... | |
typedef vec< 1, unsigned int, lowp > | lowp_uvec1 |
1 component vector of unsigned integer values. More... | |
typedef vec< 1, unsigned int, mediump > | mediump_uvec1 |
1 component vector of unsigned integer values. More... | |
GLM_EXT_vector_uint1_precision
- -Definition in file vector_uint1_precision.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
Go to the source code of this file.
--Typedefs | |
typedef vec< 2, unsigned int, defaultp > | uvec2 |
2 components vector of unsigned integer numbers. More... | |
Definition in file vector_uint2.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
Go to the source code of this file.
--Typedefs | |
typedef vec< 2, unsigned int, highp > | highp_uvec2 |
2 components vector of high qualifier unsigned integer numbers. More... | |
typedef vec< 2, unsigned int, lowp > | lowp_uvec2 |
2 components vector of low qualifier unsigned integer numbers. More... | |
typedef vec< 2, unsigned int, mediump > | mediump_uvec2 |
2 components vector of medium qualifier unsigned integer numbers. More... | |
Definition in file vector_uint2_precision.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
Go to the source code of this file.
--Typedefs | |
typedef vec< 3, unsigned int, defaultp > | uvec3 |
3 components vector of unsigned integer numbers. More... | |
Definition in file vector_uint3.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
Go to the source code of this file.
--Typedefs | |
typedef vec< 3, unsigned int, highp > | highp_uvec3 |
3 components vector of high qualifier unsigned integer numbers. More... | |
typedef vec< 3, unsigned int, lowp > | lowp_uvec3 |
3 components vector of low qualifier unsigned integer numbers. More... | |
typedef vec< 3, unsigned int, mediump > | mediump_uvec3 |
3 components vector of medium qualifier unsigned integer numbers. More... | |
Definition in file vector_uint3_precision.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
Go to the source code of this file.
--Typedefs | |
typedef vec< 4, unsigned int, defaultp > | uvec4 |
4 components vector of unsigned integer numbers. More... | |
Definition in file vector_uint4.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
Go to the source code of this file.
--Typedefs | |
typedef vec< 4, unsigned int, highp > | highp_uvec4 |
4 components vector of high qualifier unsigned integer numbers. More... | |
typedef vec< 4, unsigned int, lowp > | lowp_uvec4 |
4 components vector of low qualifier unsigned integer numbers. More... | |
typedef vec< 4, unsigned int, mediump > | mediump_uvec4 |
4 components vector of medium qualifier unsigned integer numbers. More... | |
Definition in file vector_uint4_precision.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
Go to the source code of this file.
--Functions | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, int, Q > | floatDistance (vec< L, float, Q > const &x, vec< L, float, Q > const &y) |
Return the distance in the number of ULP between 2 single-precision floating-point scalars. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, int64, Q > | floatDistance (vec< L, double, Q > const &x, vec< L, double, Q > const &y) |
Return the distance in the number of ULP between 2 double-precision floating-point scalars. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, T, Q > | nextFloat (vec< L, T, Q > const &x) |
Return the next ULP value(s) after the input value(s). More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, T, Q > | nextFloat (vec< L, T, Q > const &x, int ULPs) |
Return the value(s) ULP distance after the input value(s). More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, T, Q > | nextFloat (vec< L, T, Q > const &x, vec< L, int, Q > const &ULPs) |
Return the value(s) ULP distance after the input value(s). More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, T, Q > | prevFloat (vec< L, T, Q > const &x) |
Return the previous ULP value(s) before the input value(s). More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, T, Q > | prevFloat (vec< L, T, Q > const &x, int ULPs) |
Return the value(s) ULP distance before the input value(s). More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, T, Q > | prevFloat (vec< L, T, Q > const &x, vec< L, int, Q > const &ULPs) |
Return the value(s) ULP distance before the input value(s). More... | |
Definition in file vector_ulp.hpp.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
Go to the source code of this file.
--Functions | |
template<typename genType > | |
GLM_FUNC_DECL genType | clamp (genType const &Texcoord) |
Simulate GL_CLAMP OpenGL wrap mode. More... | |
template<typename genType > | |
GLM_FUNC_DECL genType | mirrorClamp (genType const &Texcoord) |
Simulate GL_MIRRORED_REPEAT OpenGL wrap mode. More... | |
template<typename genType > | |
GLM_FUNC_DECL genType | mirrorRepeat (genType const &Texcoord) |
Simulate GL_MIRROR_REPEAT OpenGL wrap mode. More... | |
template<typename genType > | |
GLM_FUNC_DECL genType | repeat (genType const &Texcoord) |
Simulate GL_REPEAT OpenGL wrap mode. More... | |
![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
Provides GLSL common functions. -More...
--Functions | |
template<typename genType > | |
GLM_FUNC_DECL GLM_CONSTEXPR genType | abs (genType x) |
Returns x if x >= 0; otherwise, it returns -x. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL GLM_CONSTEXPR vec< L, T, Q > | abs (vec< L, T, Q > const &x) |
Returns x if x >= 0; otherwise, it returns -x. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, T, Q > | ceil (vec< L, T, Q > const &x) |
Returns a value equal to the nearest integer that is greater than or equal to x. More... | |
template<typename genType > | |
GLM_FUNC_DECL GLM_CONSTEXPR genType | clamp (genType x, genType minVal, genType maxVal) |
Returns min(max(x, minVal), maxVal) for each component in x using the floating-point values minVal and maxVal. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL GLM_CONSTEXPR vec< L, T, Q > | clamp (vec< L, T, Q > const &x, T minVal, T maxVal) |
Returns min(max(x, minVal), maxVal) for each component in x using the floating-point values minVal and maxVal. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL GLM_CONSTEXPR vec< L, T, Q > | clamp (vec< L, T, Q > const &x, vec< L, T, Q > const &minVal, vec< L, T, Q > const &maxVal) |
Returns min(max(x, minVal), maxVal) for each component in x using the floating-point values minVal and maxVal. More... | |
GLM_FUNC_DECL int | floatBitsToInt (float const &v) |
Returns a signed integer value representing the encoding of a floating-point value. More... | |
template<length_t L, qualifier Q> | |
GLM_FUNC_DECL vec< L, int, Q > | floatBitsToInt (vec< L, float, Q > const &v) |
Returns a signed integer value representing the encoding of a floating-point value. More... | |
GLM_FUNC_DECL uint | floatBitsToUint (float const &v) |
Returns a unsigned integer value representing the encoding of a floating-point value. More... | |
template<length_t L, qualifier Q> | |
GLM_FUNC_DECL vec< L, uint, Q > | floatBitsToUint (vec< L, float, Q > const &v) |
Returns a unsigned integer value representing the encoding of a floating-point value. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, T, Q > | floor (vec< L, T, Q > const &x) |
Returns a value equal to the nearest integer that is less then or equal to x. More... | |
template<typename genType > | |
GLM_FUNC_DECL genType | fma (genType const &a, genType const &b, genType const &c) |
Computes and returns a * b + c. More... | |
template<typename genType > | |
GLM_FUNC_DECL genType | fract (genType x) |
Return x - floor(x). More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, T, Q > | fract (vec< L, T, Q > const &x) |
Return x - floor(x). More... | |
template<typename genType > | |
GLM_FUNC_DECL genType | frexp (genType x, int &exp) |
Splits x into a floating-point significand in the range [0.5, 1.0) and an integral exponent of two, such that: x = significand * exp(2, exponent) More... | |
GLM_FUNC_DECL float | intBitsToFloat (int const &v) |
Returns a floating-point value corresponding to a signed integer encoding of a floating-point value. More... | |
template<length_t L, qualifier Q> | |
GLM_FUNC_DECL vec< L, float, Q > | intBitsToFloat (vec< L, int, Q > const &v) |
Returns a floating-point value corresponding to a signed integer encoding of a floating-point value. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, bool, Q > | isinf (vec< L, T, Q > const &x) |
Returns true if x holds a positive infinity or negative infinity representation in the underlying implementation's set of floating point representations. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, bool, Q > | isnan (vec< L, T, Q > const &x) |
Returns true if x holds a NaN (not a number) representation in the underlying implementation's set of floating point representations. More... | |
template<typename genType > | |
GLM_FUNC_DECL genType | ldexp (genType const &x, int const &exp) |
Builds a floating-point number from x and the corresponding integral exponent of two in exp, returning: significand * exp(2, exponent) More... | |
template<typename genType > | |
GLM_FUNC_DECL GLM_CONSTEXPR genType | max (genType x, genType y) |
Returns y if x < y; otherwise, it returns x. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL GLM_CONSTEXPR vec< L, T, Q > | max (vec< L, T, Q > const &x, T y) |
Returns y if x < y; otherwise, it returns x. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL GLM_CONSTEXPR vec< L, T, Q > | max (vec< L, T, Q > const &x, vec< L, T, Q > const &y) |
Returns y if x < y; otherwise, it returns x. More... | |
template<typename genType > | |
GLM_FUNC_DECL GLM_CONSTEXPR genType | min (genType x, genType y) |
Returns y if y < x; otherwise, it returns x. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL GLM_CONSTEXPR vec< L, T, Q > | min (vec< L, T, Q > const &x, T y) |
Returns y if y < x; otherwise, it returns x. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL GLM_CONSTEXPR vec< L, T, Q > | min (vec< L, T, Q > const &x, vec< L, T, Q > const &y) |
Returns y if y < x; otherwise, it returns x. More... | |
template<typename genTypeT , typename genTypeU > | |
GLM_FUNC_DECL genTypeT | mix (genTypeT x, genTypeT y, genTypeU a) |
If genTypeU is a floating scalar or vector: Returns x * (1.0 - a) + y * a, i.e., the linear blend of x and y using the floating-point value a. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, T, Q > | mod (vec< L, T, Q > const &x, vec< L, T, Q > const &y) |
Modulus. More... | |
template<typename genType > | |
GLM_FUNC_DECL genType | modf (genType x, genType &i) |
Returns the fractional part of x and sets i to the integer part (as a whole number floating point value). More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, T, Q > | round (vec< L, T, Q > const &x) |
Returns a value equal to the nearest integer to x. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, T, Q > | roundEven (vec< L, T, Q > const &x) |
Returns a value equal to the nearest integer to x. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, T, Q > | sign (vec< L, T, Q > const &x) |
Returns 1.0 if x > 0, 0.0 if x == 0, or -1.0 if x < 0. More... | |
template<typename genType > | |
GLM_FUNC_DECL genType | smoothstep (genType edge0, genType edge1, genType x) |
Returns 0.0 if x <= edge0 and 1.0 if x >= edge1 and performs smooth Hermite interpolation between 0 and 1 when edge0 < x < edge1. More... | |
template<typename genType > | |
GLM_FUNC_DECL genType | step (genType edge, genType x) |
Returns 0.0 if x < edge, otherwise it returns 1.0 for each component of a genType. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, T, Q > | step (T edge, vec< L, T, Q > const &x) |
Returns 0.0 if x < edge, otherwise it returns 1.0. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, T, Q > | step (vec< L, T, Q > const &edge, vec< L, T, Q > const &x) |
Returns 0.0 if x < edge, otherwise it returns 1.0. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, T, Q > | trunc (vec< L, T, Q > const &x) |
Returns a value equal to the nearest integer to x whose absolute value is not larger than the absolute value of x. More... | |
GLM_FUNC_DECL float | uintBitsToFloat (uint const &v) |
Returns a floating-point value corresponding to a unsigned integer encoding of a floating-point value. More... | |
template<length_t L, qualifier Q> | |
GLM_FUNC_DECL vec< L, float, Q > | uintBitsToFloat (vec< L, uint, Q > const &v) |
Returns a floating-point value corresponding to a unsigned integer encoding of a floating-point value. More... | |
Provides GLSL common functions.
-These all operate component-wise. The description is per component.
-Include <glm/common.hpp> to use these core features.
-GLM_FUNC_DECL GLM_CONSTEXPR genType glm::abs | -( | -genType | -x | ) | -- |
Returns x if x >= 0; otherwise, it returns -x.
-genType | floating-point or signed integer; scalar or vector types. |
GLM_FUNC_DECL GLM_CONSTEXPR vec<L, T, Q> glm::abs | -( | -vec< L, T, Q > const & | -x | ) | -- |
Returns x if x >= 0; otherwise, it returns -x.
-L | Integer between 1 and 4 included that qualify the dimension of the vector |
T | Floating-point or signed integer scalar types |
Q | Value from qualifier enum |
GLM_FUNC_DECL vec<L, T, Q> glm::ceil | -( | -vec< L, T, Q > const & | -x | ) | -- |
Returns a value equal to the nearest integer that is greater than or equal to x.
-L | Integer between 1 and 4 included that qualify the dimension of the vector |
T | Floating-point scalar types |
Q | Value from qualifier enum |
GLM_FUNC_DECL GLM_CONSTEXPR genType glm::clamp | -( | -genType | -x, | -
- | - | genType | -minVal, | -
- | - | genType | -maxVal | -
- | ) | -- |
Returns min(max(x, minVal), maxVal) for each component in x using the floating-point values minVal and maxVal.
-genType | Floating-point or integer; scalar or vector types. |
Referenced by glm::saturate().
- -GLM_FUNC_DECL GLM_CONSTEXPR vec<L, T, Q> glm::clamp | -( | -vec< L, T, Q > const & | -x, | -
- | - | T | -minVal, | -
- | - | T | -maxVal | -
- | ) | -- |
Returns min(max(x, minVal), maxVal) for each component in x using the floating-point values minVal and maxVal.
-L | Integer between 1 and 4 included that qualify the dimension of the vector |
T | Floating-point or integer scalar types |
Q | Value from qualifier enum |
GLM_FUNC_DECL GLM_CONSTEXPR vec<L, T, Q> glm::clamp | -( | -vec< L, T, Q > const & | -x, | -
- | - | vec< L, T, Q > const & | -minVal, | -
- | - | vec< L, T, Q > const & | -maxVal | -
- | ) | -- |
Returns min(max(x, minVal), maxVal) for each component in x using the floating-point values minVal and maxVal.
-L | Integer between 1 and 4 included that qualify the dimension of the vector |
T | Floating-point or integer scalar types |
Q | Value from qualifier enum |
GLM_FUNC_DECL int glm::floatBitsToInt | -( | -float const & | -v | ) | -- |
Returns a signed integer value representing the encoding of a floating-point value.
-The floating-point value's bit-level representation is preserved.
- - -GLM_FUNC_DECL vec<L, int, Q> glm::floatBitsToInt | -( | -vec< L, float, Q > const & | -v | ) | -- |
Returns a signed integer value representing the encoding of a floating-point value.
-The floatingpoint value's bit-level representation is preserved.
-L | Integer between 1 and 4 included that qualify the dimension of the vector |
Q | Value from qualifier enum |
GLM_FUNC_DECL uint glm::floatBitsToUint | -( | -float const & | -v | ) | -- |
Returns a unsigned integer value representing the encoding of a floating-point value.
-The floatingpoint value's bit-level representation is preserved.
- - -GLM_FUNC_DECL vec<L, uint, Q> glm::floatBitsToUint | -( | -vec< L, float, Q > const & | -v | ) | -- |
Returns a unsigned integer value representing the encoding of a floating-point value.
-The floatingpoint value's bit-level representation is preserved.
-L | Integer between 1 and 4 included that qualify the dimension of the vector |
Q | Value from qualifier enum |
GLM_FUNC_DECL vec<L, T, Q> glm::floor | -( | -vec< L, T, Q > const & | -x | ) | -- |
Returns a value equal to the nearest integer that is less then or equal to x.
-L | Integer between 1 and 4 included that qualify the dimension of the vector |
T | Floating-point scalar types |
Q | Value from qualifier enum |
GLM_FUNC_DECL genType glm::fma | -( | -genType const & | -a, | -
- | - | genType const & | -b, | -
- | - | genType const & | -c | -
- | ) | -- |
Computes and returns a * b + c.
-genType | Floating-point scalar or vector types. |
GLM_FUNC_DECL genType glm::fract | -( | -genType | -x | ) | -- |
Return x - floor(x).
-genType | Floating-point scalar or vector types. |
GLM_FUNC_DECL vec<L, T, Q> glm::fract | -( | -vec< L, T, Q > const & | -x | ) | -- |
Return x - floor(x).
-L | Integer between 1 and 4 included that qualify the dimension of the vector |
T | Floating-point scalar types |
Q | Value from qualifier enum |
GLM_FUNC_DECL genType glm::frexp | -( | -genType | -x, | -
- | - | int & | -exp | -
- | ) | -- |
Splits x into a floating-point significand in the range [0.5, 1.0) and an integral exponent of two, such that: x = significand * exp(2, exponent)
-The significand is returned by the function and the exponent is returned in the parameter exp. For a floating-point value of zero, the significant and exponent are both zero. For a floating-point value that is an infinity or is not a number, the results are undefined.
-genType | Floating-point scalar or vector types. |
GLM_FUNC_DECL float glm::intBitsToFloat | -( | -int const & | -v | ) | -- |
Returns a floating-point value corresponding to a signed integer encoding of a floating-point value.
-If an inf or NaN is passed in, it will not signal, and the resulting floating point value is unspecified. Otherwise, the bit-level representation is preserved.
- - -GLM_FUNC_DECL vec<L, float, Q> glm::intBitsToFloat | -( | -vec< L, int, Q > const & | -v | ) | -- |
Returns a floating-point value corresponding to a signed integer encoding of a floating-point value.
-If an inf or NaN is passed in, it will not signal, and the resulting floating point value is unspecified. Otherwise, the bit-level representation is preserved.
-L | Integer between 1 and 4 included that qualify the dimension of the vector |
Q | Value from qualifier enum |
GLM_FUNC_DECL vec<L, bool, Q> glm::isinf | -( | -vec< L, T, Q > const & | -x | ) | -- |
Returns true if x holds a positive infinity or negative infinity representation in the underlying implementation's set of floating point representations.
-Returns false otherwise, including for implementations with no infinity representations.
-L | Integer between 1 and 4 included that qualify the dimension of the vector |
T | Floating-point scalar types |
Q | Value from qualifier enum |
GLM_FUNC_DECL vec<L, bool, Q> glm::isnan | -( | -vec< L, T, Q > const & | -x | ) | -- |
Returns true if x holds a NaN (not a number) representation in the underlying implementation's set of floating point representations.
-Returns false otherwise, including for implementations with no NaN representations.
-/!\ When using compiler fast math, this function may fail.
-L | Integer between 1 and 4 included that qualify the dimension of the vector |
T | Floating-point scalar types |
Q | Value from qualifier enum |
GLM_FUNC_DECL genType glm::ldexp | -( | -genType const & | -x, | -
- | - | int const & | -exp | -
- | ) | -- |
Builds a floating-point number from x and the corresponding integral exponent of two in exp, returning: significand * exp(2, exponent)
-If this product is too large to be represented in the floating-point type, the result is undefined.
-genType | Floating-point scalar or vector types. |
GLM_FUNC_DECL GLM_CONSTEXPR genType glm::max | -( | -genType | -x, | -
- | - | genType | -y | -
- | ) | -- |
Returns y if x < y; otherwise, it returns x.
-genType | Floating-point or integer; scalar or vector types. |
GLM_FUNC_DECL GLM_CONSTEXPR vec<L, T, Q> glm::max | -( | -vec< L, T, Q > const & | -x, | -
- | - | T | -y | -
- | ) | -- |
Returns y if x < y; otherwise, it returns x.
-L | Integer between 1 and 4 included that qualify the dimension of the vector |
T | Floating-point or integer scalar types |
Q | Value from qualifier enum |
GLM_FUNC_DECL GLM_CONSTEXPR vec<L, T, Q> glm::max | -( | -vec< L, T, Q > const & | -x, | -
- | - | vec< L, T, Q > const & | -y | -
- | ) | -- |
Returns y if x < y; otherwise, it returns x.
-L | Integer between 1 and 4 included that qualify the dimension of the vector |
T | Floating-point or integer scalar types |
Q | Value from qualifier enum |
GLM_FUNC_DECL GLM_CONSTEXPR genType glm::min | -( | -genType | -x, | -
- | - | genType | -y | -
- | ) | -- |
Returns y if y < x; otherwise, it returns x.
-genType | Floating-point or integer; scalar or vector types. |
GLM_FUNC_DECL GLM_CONSTEXPR vec<L, T, Q> glm::min | -( | -vec< L, T, Q > const & | -x, | -
- | - | T | -y | -
- | ) | -- |
Returns y if y < x; otherwise, it returns x.
-L | Integer between 1 and 4 included that qualify the dimension of the vector |
T | Floating-point or integer scalar types |
Q | Value from qualifier enum |
GLM_FUNC_DECL GLM_CONSTEXPR vec<L, T, Q> glm::min | -( | -vec< L, T, Q > const & | -x, | -
- | - | vec< L, T, Q > const & | -y | -
- | ) | -- |
Returns y if y < x; otherwise, it returns x.
-L | Integer between 1 and 4 included that qualify the dimension of the vector |
T | Floating-point or integer scalar types |
Q | Value from qualifier enum |
GLM_FUNC_DECL genTypeT glm::mix | -( | -genTypeT | -x, | -
- | - | genTypeT | -y, | -
- | - | genTypeU | -a | -
- | ) | -- |
If genTypeU is a floating scalar or vector: Returns x * (1.0 - a) + y * a, i.e., the linear blend of x and y using the floating-point value a.
-The value for a is not restricted to the range [0, 1].
-If genTypeU is a boolean scalar or vector: Selects which vector each returned component comes from. For a component of 'a' that is false, the corresponding component of 'x' is returned. For a component of 'a' that is true, the corresponding component of 'y' is returned. Components of 'x' and 'y' that are not selected are allowed to be invalid floating point values and will have no effect on the results. Thus, this provides different functionality than genType mix(genType x, genType y, genType(a)) where a is a Boolean vector.
- -[in] | x | Value to interpolate. |
[in] | y | Value to interpolate. |
[in] | a | Interpolant. |
genTypeT | Floating point scalar or vector. |
genTypeU | Floating point or boolean scalar or vector. It can't be a vector if it is the length of genTypeT. |
Referenced by glm::lerp().
- -GLM_FUNC_DECL vec<L, T, Q> glm::mod | -( | -vec< L, T, Q > const & | -x, | -
- | - | vec< L, T, Q > const & | -y | -
- | ) | -- |
Modulus.
-Returns x - y * floor(x / y) for each component in x using the floating point value y.
-L | Integer between 1 and 4 included that qualify the dimension of the vector |
T | Floating-point scalar types, include glm/gtc/integer for integer scalar types support |
Q | Value from qualifier enum |
GLM_FUNC_DECL genType glm::modf | -( | -genType | -x, | -
- | - | genType & | -i | -
- | ) | -- |
Returns the fractional part of x and sets i to the integer part (as a whole number floating point value).
-Both the return value and the output parameter will have the same sign as x.
-genType | Floating-point scalar or vector types. |
GLM_FUNC_DECL vec<L, T, Q> glm::round | -( | -vec< L, T, Q > const & | -x | ) | -- |
Returns a value equal to the nearest integer to x.
-The fraction 0.5 will round in a direction chosen by the implementation, presumably the direction that is fastest. This includes the possibility that round(x) returns the same value as roundEven(x) for all values of x.
-L | Integer between 1 and 4 included that qualify the dimension of the vector |
T | Floating-point scalar types |
Q | Value from qualifier enum |
GLM_FUNC_DECL vec<L, T, Q> glm::roundEven | -( | -vec< L, T, Q > const & | -x | ) | -- |
Returns a value equal to the nearest integer to x.
-A fractional part of 0.5 will round toward the nearest even integer. (Both 3.5 and 4.5 for x will return 4.0.)
-L | Integer between 1 and 4 included that qualify the dimension of the vector |
T | Floating-point scalar types |
Q | Value from qualifier enum |
GLM_FUNC_DECL vec<L, T, Q> glm::sign | -( | -vec< L, T, Q > const & | -x | ) | -- |
Returns 1.0 if x > 0, 0.0 if x == 0, or -1.0 if x < 0.
-L | Integer between 1 and 4 included that qualify the dimension of the vector |
T | Floating-point scalar types |
Q | Value from qualifier enum |
GLM_FUNC_DECL genType glm::smoothstep | -( | -genType | -edge0, | -
- | - | genType | -edge1, | -
- | - | genType | -x | -
- | ) | -- |
Returns 0.0 if x <= edge0 and 1.0 if x >= edge1 and performs smooth Hermite interpolation between 0 and 1 when edge0 < x < edge1.
-This is useful in cases where you would want a threshold function with a smooth transition. This is equivalent to: genType t; t = clamp ((x - edge0) / (edge1 - edge0), 0, 1); return t * t * (3 - 2 * t); Results are undefined if edge0 >= edge1.
-genType | Floating-point scalar or vector types. |
GLM_FUNC_DECL genType glm::step | -( | -genType | -edge, | -
- | - | genType | -x | -
- | ) | -- |
Returns 0.0 if x < edge, otherwise it returns 1.0 for each component of a genType.
- - -GLM_FUNC_DECL vec<L, T, Q> glm::step | -( | -T | -edge, | -
- | - | vec< L, T, Q > const & | -x | -
- | ) | -- |
Returns 0.0 if x < edge, otherwise it returns 1.0.
-L | Integer between 1 and 4 included that qualify the dimension of the vector |
T | Floating-point scalar types |
Q | Value from qualifier enum |
GLM_FUNC_DECL vec<L, T, Q> glm::step | -( | -vec< L, T, Q > const & | -edge, | -
- | - | vec< L, T, Q > const & | -x | -
- | ) | -- |
Returns 0.0 if x < edge, otherwise it returns 1.0.
-L | Integer between 1 and 4 included that qualify the dimension of the vector |
T | Floating-point scalar types |
Q | Value from qualifier enum |
GLM_FUNC_DECL vec<L, T, Q> glm::trunc | -( | -vec< L, T, Q > const & | -x | ) | -- |
Returns a value equal to the nearest integer to x whose absolute value is not larger than the absolute value of x.
-L | Integer between 1 and 4 included that qualify the dimension of the vector |
T | Floating-point scalar types |
Q | Value from qualifier enum |
GLM_FUNC_DECL float glm::uintBitsToFloat | -( | -uint const & | -v | ) | -- |
Returns a floating-point value corresponding to a unsigned integer encoding of a floating-point value.
-If an inf or NaN is passed in, it will not signal, and the resulting floating point value is unspecified. Otherwise, the bit-level representation is preserved.
- - -GLM_FUNC_DECL vec<L, float, Q> glm::uintBitsToFloat | -( | -vec< L, uint, Q > const & | -v | ) | -- |
Returns a floating-point value corresponding to a unsigned integer encoding of a floating-point value.
-If an inf or NaN is passed in, it will not signal, and the resulting floating point value is unspecified. Otherwise, the bit-level representation is preserved.
-L | Integer between 1 and 4 included that qualify the dimension of the vector |
Q | Value from qualifier enum |
![]() |
-
- 0.9.9 API documentation
-
- |
-
Provides GLSL exponential functions. -More...
--Functions | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, T, Q > | exp (vec< L, T, Q > const &v) |
Returns the natural exponentiation of v, i.e., e^v. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, T, Q > | exp2 (vec< L, T, Q > const &v) |
Returns 2 raised to the v power. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, T, Q > | inversesqrt (vec< L, T, Q > const &v) |
Returns the reciprocal of the positive square root of v. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, T, Q > | log (vec< L, T, Q > const &v) |
Returns the natural logarithm of v, i.e., returns the value y which satisfies the equation x = e^y. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, T, Q > | log2 (vec< L, T, Q > const &v) |
Returns the base 2 log of x, i.e., returns the value y, which satisfies the equation x = 2 ^ y. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, T, Q > | pow (vec< L, T, Q > const &base, vec< L, T, Q > const &exponent) |
Returns 'base' raised to the power 'exponent'. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, T, Q > | sqrt (vec< L, T, Q > const &v) |
Returns the positive square root of v. More... | |
Provides GLSL exponential functions.
-These all operate component-wise. The description is per component.
-Include <glm/exponential.hpp> to use these core features.
-GLM_FUNC_DECL vec<L, T, Q> glm::exp | -( | -vec< L, T, Q > const & | -v | ) | -- |
Returns the natural exponentiation of x, i.e., e^x.
-v | exp function is defined for input values of v defined in the range (inf-, inf+) in the limit of the type qualifier. |
L | An integer between 1 and 4 included that qualify the dimension of the vector. |
T | Floating-point scalar types. |
GLM_FUNC_DECL vec<L, T, Q> glm::exp2 | -( | -vec< L, T, Q > const & | -v | ) | -- |
Returns 2 raised to the v power.
-v | exp2 function is defined for input values of v defined in the range (inf-, inf+) in the limit of the type qualifier. |
L | An integer between 1 and 4 included that qualify the dimension of the vector. |
T | Floating-point scalar types. |
GLM_FUNC_DECL vec<L, T, Q> glm::inversesqrt | -( | -vec< L, T, Q > const & | -v | ) | -- |
Returns the reciprocal of the positive square root of v.
-v | inversesqrt function is defined for input values of v defined in the range [0, inf+) in the limit of the type qualifier. |
L | An integer between 1 and 4 included that qualify the dimension of the vector. |
T | Floating-point scalar types. |
GLM_FUNC_DECL vec<L, T, Q> glm::log | -( | -vec< L, T, Q > const & | -v | ) | -- |
Returns the natural logarithm of v, i.e., returns the value y which satisfies the equation x = e^y.
-Results are undefined if v <= 0.
-v | log function is defined for input values of v defined in the range (0, inf+) in the limit of the type qualifier. |
L | An integer between 1 and 4 included that qualify the dimension of the vector. |
T | Floating-point scalar types. |
GLM_FUNC_DECL vec<L, T, Q> glm::log2 | -( | -vec< L, T, Q > const & | -v | ) | -- |
Returns the base 2 log of x, i.e., returns the value y, which satisfies the equation x = 2 ^ y.
-v | log2 function is defined for input values of v defined in the range (0, inf+) in the limit of the type qualifier. |
L | An integer between 1 and 4 included that qualify the dimension of the vector. |
T | Floating-point scalar types. |
GLM_FUNC_DECL vec<L, T, Q> glm::pow | -( | -vec< L, T, Q > const & | -base, | -
- | - | vec< L, T, Q > const & | -exponent | -
- | ) | -- |
Returns 'base' raised to the power 'exponent'.
-base | Floating point value. pow function is defined for input values of 'base' defined in the range (inf-, inf+) in the limit of the type qualifier. |
exponent | Floating point value representing the 'exponent'. |
GLM_FUNC_DECL vec<L, T, Q> glm::sqrt | -( | -vec< L, T, Q > const & | -v | ) | -- |
Returns the positive square root of v.
-v | sqrt function is defined for input values of v defined in the range [0, inf+) in the limit of the type qualifier. |
L | An integer between 1 and 4 included that qualify the dimension of the vector. |
T | Floating-point scalar types. |
![]() |
-
- 0.9.9 API documentation
-
- |
-
Defines functions that generate clip space transformation matrices. -More...
--Functions | |
template<typename T > | |
GLM_FUNC_DECL mat< 4, 4, T, defaultp > | frustum (T left, T right, T bottom, T top, T near, T far) |
Creates a frustum matrix with default handedness, using the default handedness and default near and far clip planes definition. More... | |
template<typename T > | |
GLM_FUNC_DECL mat< 4, 4, T, defaultp > | frustumLH (T left, T right, T bottom, T top, T near, T far) |
Creates a left handed frustum matrix. More... | |
template<typename T > | |
GLM_FUNC_DECL mat< 4, 4, T, defaultp > | frustumLH_NO (T left, T right, T bottom, T top, T near, T far) |
Creates a left handed frustum matrix. More... | |
template<typename T > | |
GLM_FUNC_DECL mat< 4, 4, T, defaultp > | frustumLH_ZO (T left, T right, T bottom, T top, T near, T far) |
Creates a left handed frustum matrix. More... | |
template<typename T > | |
GLM_FUNC_DECL mat< 4, 4, T, defaultp > | frustumNO (T left, T right, T bottom, T top, T near, T far) |
Creates a frustum matrix using left-handed coordinates if GLM_FORCE_LEFT_HANDED if defined or right-handed coordinates otherwise. More... | |
template<typename T > | |
GLM_FUNC_DECL mat< 4, 4, T, defaultp > | frustumRH (T left, T right, T bottom, T top, T near, T far) |
Creates a right handed frustum matrix. More... | |
template<typename T > | |
GLM_FUNC_DECL mat< 4, 4, T, defaultp > | frustumRH_NO (T left, T right, T bottom, T top, T near, T far) |
Creates a right handed frustum matrix. More... | |
template<typename T > | |
GLM_FUNC_DECL mat< 4, 4, T, defaultp > | frustumRH_ZO (T left, T right, T bottom, T top, T near, T far) |
Creates a right handed frustum matrix. More... | |
template<typename T > | |
GLM_FUNC_DECL mat< 4, 4, T, defaultp > | frustumZO (T left, T right, T bottom, T top, T near, T far) |
Creates a frustum matrix using left-handed coordinates if GLM_FORCE_LEFT_HANDED if defined or right-handed coordinates otherwise. More... | |
template<typename T > | |
GLM_FUNC_DECL mat< 4, 4, T, defaultp > | infinitePerspective (T fovy, T aspect, T near) |
Creates a matrix for a symmetric perspective-view frustum with far plane at infinite with default handedness. More... | |
template<typename T > | |
GLM_FUNC_DECL mat< 4, 4, T, defaultp > | infinitePerspectiveLH (T fovy, T aspect, T near) |
Creates a matrix for a left handed, symmetric perspective-view frustum with far plane at infinite. More... | |
template<typename T > | |
GLM_FUNC_DECL mat< 4, 4, T, defaultp > | infinitePerspectiveRH (T fovy, T aspect, T near) |
Creates a matrix for a right handed, symmetric perspective-view frustum with far plane at infinite. More... | |
template<typename T > | |
GLM_FUNC_DECL mat< 4, 4, T, defaultp > | ortho (T left, T right, T bottom, T top) |
Creates a matrix for projecting two-dimensional coordinates onto the screen. More... | |
template<typename T > | |
GLM_FUNC_DECL mat< 4, 4, T, defaultp > | ortho (T left, T right, T bottom, T top, T zNear, T zFar) |
Creates a matrix for an orthographic parallel viewing volume, using the default handedness and default near and far clip planes definition. More... | |
template<typename T > | |
GLM_FUNC_DECL mat< 4, 4, T, defaultp > | orthoLH (T left, T right, T bottom, T top, T zNear, T zFar) |
Creates a matrix for an orthographic parallel viewing volume, using left-handed coordinates. More... | |
template<typename T > | |
GLM_FUNC_DECL mat< 4, 4, T, defaultp > | orthoLH_NO (T left, T right, T bottom, T top, T zNear, T zFar) |
Creates a matrix for an orthographic parallel viewing volume using right-handed coordinates. More... | |
template<typename T > | |
GLM_FUNC_DECL mat< 4, 4, T, defaultp > | orthoLH_ZO (T left, T right, T bottom, T top, T zNear, T zFar) |
Creates a matrix for an orthographic parallel viewing volume, using left-handed coordinates. More... | |
template<typename T > | |
GLM_FUNC_DECL mat< 4, 4, T, defaultp > | orthoNO (T left, T right, T bottom, T top, T zNear, T zFar) |
Creates a matrix for an orthographic parallel viewing volume, using left-handed coordinates if GLM_FORCE_LEFT_HANDED if defined or right-handed coordinates otherwise. More... | |
template<typename T > | |
GLM_FUNC_DECL mat< 4, 4, T, defaultp > | orthoRH (T left, T right, T bottom, T top, T zNear, T zFar) |
Creates a matrix for an orthographic parallel viewing volume, using right-handed coordinates. More... | |
template<typename T > | |
GLM_FUNC_DECL mat< 4, 4, T, defaultp > | orthoRH_NO (T left, T right, T bottom, T top, T zNear, T zFar) |
Creates a matrix for an orthographic parallel viewing volume, using right-handed coordinates. More... | |
template<typename T > | |
GLM_FUNC_DECL mat< 4, 4, T, defaultp > | orthoRH_ZO (T left, T right, T bottom, T top, T zNear, T zFar) |
Creates a matrix for an orthographic parallel viewing volume, using left-handed coordinates. More... | |
template<typename T > | |
GLM_FUNC_DECL mat< 4, 4, T, defaultp > | orthoZO (T left, T right, T bottom, T top, T zNear, T zFar) |
Creates a matrix for an orthographic parallel viewing volume, using left-handed coordinates. More... | |
template<typename T > | |
GLM_FUNC_DECL mat< 4, 4, T, defaultp > | perspective (T fovy, T aspect, T near, T far) |
Creates a matrix for a symetric perspective-view frustum based on the default handedness and default near and far clip planes definition. More... | |
template<typename T > | |
GLM_FUNC_DECL mat< 4, 4, T, defaultp > | perspectiveFov (T fov, T width, T height, T near, T far) |
Builds a perspective projection matrix based on a field of view and the default handedness and default near and far clip planes definition. More... | |
template<typename T > | |
GLM_FUNC_DECL mat< 4, 4, T, defaultp > | perspectiveFovLH (T fov, T width, T height, T near, T far) |
Builds a left handed perspective projection matrix based on a field of view. More... | |
template<typename T > | |
GLM_FUNC_DECL mat< 4, 4, T, defaultp > | perspectiveFovLH_NO (T fov, T width, T height, T near, T far) |
Builds a perspective projection matrix based on a field of view using left-handed coordinates. More... | |
template<typename T > | |
GLM_FUNC_DECL mat< 4, 4, T, defaultp > | perspectiveFovLH_ZO (T fov, T width, T height, T near, T far) |
Builds a perspective projection matrix based on a field of view using left-handed coordinates. More... | |
template<typename T > | |
GLM_FUNC_DECL mat< 4, 4, T, defaultp > | perspectiveFovNO (T fov, T width, T height, T near, T far) |
Builds a perspective projection matrix based on a field of view using left-handed coordinates if GLM_FORCE_LEFT_HANDED if defined or right-handed coordinates otherwise. More... | |
template<typename T > | |
GLM_FUNC_DECL mat< 4, 4, T, defaultp > | perspectiveFovRH (T fov, T width, T height, T near, T far) |
Builds a right handed perspective projection matrix based on a field of view. More... | |
template<typename T > | |
GLM_FUNC_DECL mat< 4, 4, T, defaultp > | perspectiveFovRH_NO (T fov, T width, T height, T near, T far) |
Builds a perspective projection matrix based on a field of view using right-handed coordinates. More... | |
template<typename T > | |
GLM_FUNC_DECL mat< 4, 4, T, defaultp > | perspectiveFovRH_ZO (T fov, T width, T height, T near, T far) |
Builds a perspective projection matrix based on a field of view using right-handed coordinates. More... | |
template<typename T > | |
GLM_FUNC_DECL mat< 4, 4, T, defaultp > | perspectiveFovZO (T fov, T width, T height, T near, T far) |
Builds a perspective projection matrix based on a field of view using left-handed coordinates if GLM_FORCE_LEFT_HANDED if defined or right-handed coordinates otherwise. More... | |
template<typename T > | |
GLM_FUNC_DECL mat< 4, 4, T, defaultp > | perspectiveLH (T fovy, T aspect, T near, T far) |
Creates a matrix for a left handed, symetric perspective-view frustum. More... | |
template<typename T > | |
GLM_FUNC_DECL mat< 4, 4, T, defaultp > | perspectiveLH_NO (T fovy, T aspect, T near, T far) |
Creates a matrix for a left handed, symetric perspective-view frustum. More... | |
template<typename T > | |
GLM_FUNC_DECL mat< 4, 4, T, defaultp > | perspectiveLH_ZO (T fovy, T aspect, T near, T far) |
Creates a matrix for a left handed, symetric perspective-view frustum. More... | |
template<typename T > | |
GLM_FUNC_DECL mat< 4, 4, T, defaultp > | perspectiveNO (T fovy, T aspect, T near, T far) |
Creates a matrix for a symetric perspective-view frustum using left-handed coordinates if GLM_FORCE_LEFT_HANDED if defined or right-handed coordinates otherwise. More... | |
template<typename T > | |
GLM_FUNC_DECL mat< 4, 4, T, defaultp > | perspectiveRH (T fovy, T aspect, T near, T far) |
Creates a matrix for a right handed, symetric perspective-view frustum. More... | |
template<typename T > | |
GLM_FUNC_DECL mat< 4, 4, T, defaultp > | perspectiveRH_NO (T fovy, T aspect, T near, T far) |
Creates a matrix for a right handed, symetric perspective-view frustum. More... | |
template<typename T > | |
GLM_FUNC_DECL mat< 4, 4, T, defaultp > | perspectiveRH_ZO (T fovy, T aspect, T near, T far) |
Creates a matrix for a right handed, symetric perspective-view frustum. More... | |
template<typename T > | |
GLM_FUNC_DECL mat< 4, 4, T, defaultp > | perspectiveZO (T fovy, T aspect, T near, T far) |
Creates a matrix for a symetric perspective-view frustum using left-handed coordinates if GLM_FORCE_LEFT_HANDED if defined or right-handed coordinates otherwise. More... | |
template<typename T > | |
GLM_FUNC_DECL mat< 4, 4, T, defaultp > | tweakedInfinitePerspective (T fovy, T aspect, T near) |
Creates a matrix for a symmetric perspective-view frustum with far plane at infinite for graphics hardware that doesn't support depth clamping. More... | |
template<typename T > | |
GLM_FUNC_DECL mat< 4, 4, T, defaultp > | tweakedInfinitePerspective (T fovy, T aspect, T near, T ep) |
Creates a matrix for a symmetric perspective-view frustum with far plane at infinite for graphics hardware that doesn't support depth clamping. More... | |
Defines functions that generate clip space transformation matrices.
-The matrices generated by this extension use standard OpenGL fixed-function conventions. For example, the lookAt function generates a transform from world space into the specific eye space that the projective matrix functions (perspective, ortho, etc) are designed to expect. The OpenGL compatibility specifications defines the particular layout of this eye space.
-Include <glm/ext/matrix_clip_space.hpp> to use the features of this extension.
- -GLM_FUNC_DECL mat<4, 4, T, defaultp> glm::frustum | -( | -T | -left, | -
- | - | T | -right, | -
- | - | T | -bottom, | -
- | - | T | -top, | -
- | - | T | -near, | -
- | - | T | -far | -
- | ) | -- |
Creates a frustum matrix with default handedness, using the default handedness and default near and far clip planes definition.
-To change default handedness use GLM_FORCE_LEFT_HANDED. To change default near and far clip planes definition use GLM_FORCE_DEPTH_ZERO_TO_ONE.
-T | A floating-point scalar type |
GLM_FUNC_DECL mat<4, 4, T, defaultp> glm::frustumLH | -( | -T | -left, | -
- | - | T | -right, | -
- | - | T | -bottom, | -
- | - | T | -top, | -
- | - | T | -near, | -
- | - | T | -far | -
- | ) | -- |
Creates a left handed frustum matrix.
-If GLM_FORCE_DEPTH_ZERO_TO_ONE is defined, the near and far clip planes correspond to z normalized device coordinates of 0 and +1 respectively. (Direct3D clip volume definition) Otherwise, the near and far clip planes correspond to z normalized device coordinates of -1 and +1 respectively. (OpenGL clip volume definition)
-T | A floating-point scalar type |
GLM_FUNC_DECL mat<4, 4, T, defaultp> glm::frustumLH_NO | -( | -T | -left, | -
- | - | T | -right, | -
- | - | T | -bottom, | -
- | - | T | -top, | -
- | - | T | -near, | -
- | - | T | -far | -
- | ) | -- |
Creates a left handed frustum matrix.
-The near and far clip planes correspond to z normalized device coordinates of -1 and +1 respectively. (OpenGL clip volume definition)
-T | A floating-point scalar type |
GLM_FUNC_DECL mat<4, 4, T, defaultp> glm::frustumLH_ZO | -( | -T | -left, | -
- | - | T | -right, | -
- | - | T | -bottom, | -
- | - | T | -top, | -
- | - | T | -near, | -
- | - | T | -far | -
- | ) | -- |
Creates a left handed frustum matrix.
-The near and far clip planes correspond to z normalized device coordinates of 0 and +1 respectively. (Direct3D clip volume definition)
-T | A floating-point scalar type |
GLM_FUNC_DECL mat<4, 4, T, defaultp> glm::frustumNO | -( | -T | -left, | -
- | - | T | -right, | -
- | - | T | -bottom, | -
- | - | T | -top, | -
- | - | T | -near, | -
- | - | T | -far | -
- | ) | -- |
Creates a frustum matrix using left-handed coordinates if GLM_FORCE_LEFT_HANDED if defined or right-handed coordinates otherwise.
-The near and far clip planes correspond to z normalized device coordinates of -1 and +1 respectively. (OpenGL clip volume definition)
-T | A floating-point scalar type |
GLM_FUNC_DECL mat<4, 4, T, defaultp> glm::frustumRH | -( | -T | -left, | -
- | - | T | -right, | -
- | - | T | -bottom, | -
- | - | T | -top, | -
- | - | T | -near, | -
- | - | T | -far | -
- | ) | -- |
Creates a right handed frustum matrix.
-If GLM_FORCE_DEPTH_ZERO_TO_ONE is defined, the near and far clip planes correspond to z normalized device coordinates of 0 and +1 respectively. (Direct3D clip volume definition) Otherwise, the near and far clip planes correspond to z normalized device coordinates of -1 and +1 respectively. (OpenGL clip volume definition)
-T | A floating-point scalar type |
GLM_FUNC_DECL mat<4, 4, T, defaultp> glm::frustumRH_NO | -( | -T | -left, | -
- | - | T | -right, | -
- | - | T | -bottom, | -
- | - | T | -top, | -
- | - | T | -near, | -
- | - | T | -far | -
- | ) | -- |
Creates a right handed frustum matrix.
-The near and far clip planes correspond to z normalized device coordinates of -1 and +1 respectively. (OpenGL clip volume definition)
-T | A floating-point scalar type |
GLM_FUNC_DECL mat<4, 4, T, defaultp> glm::frustumRH_ZO | -( | -T | -left, | -
- | - | T | -right, | -
- | - | T | -bottom, | -
- | - | T | -top, | -
- | - | T | -near, | -
- | - | T | -far | -
- | ) | -- |
Creates a right handed frustum matrix.
-The near and far clip planes correspond to z normalized device coordinates of 0 and +1 respectively. (Direct3D clip volume definition)
-T | A floating-point scalar type |
GLM_FUNC_DECL mat<4, 4, T, defaultp> glm::frustumZO | -( | -T | -left, | -
- | - | T | -right, | -
- | - | T | -bottom, | -
- | - | T | -top, | -
- | - | T | -near, | -
- | - | T | -far | -
- | ) | -- |
Creates a frustum matrix using left-handed coordinates if GLM_FORCE_LEFT_HANDED if defined or right-handed coordinates otherwise.
-The near and far clip planes correspond to z normalized device coordinates of 0 and +1 respectively. (Direct3D clip volume definition)
-T | A floating-point scalar type |
GLM_FUNC_DECL mat<4, 4, T, defaultp> glm::infinitePerspective | -( | -T | -fovy, | -
- | - | T | -aspect, | -
- | - | T | -near | -
- | ) | -- |
Creates a matrix for a symmetric perspective-view frustum with far plane at infinite with default handedness.
-fovy | Specifies the field of view angle, in degrees, in the y direction. Expressed in radians. |
aspect | Specifies the aspect ratio that determines the field of view in the x direction. The aspect ratio is the ratio of x (width) to y (height). |
near | Specifies the distance from the viewer to the near clipping plane (always positive). |
T | A floating-point scalar type |
GLM_FUNC_DECL mat<4, 4, T, defaultp> glm::infinitePerspectiveLH | -( | -T | -fovy, | -
- | - | T | -aspect, | -
- | - | T | -near | -
- | ) | -- |
Creates a matrix for a left handed, symmetric perspective-view frustum with far plane at infinite.
-fovy | Specifies the field of view angle, in degrees, in the y direction. Expressed in radians. |
aspect | Specifies the aspect ratio that determines the field of view in the x direction. The aspect ratio is the ratio of x (width) to y (height). |
near | Specifies the distance from the viewer to the near clipping plane (always positive). |
T | A floating-point scalar type |
GLM_FUNC_DECL mat<4, 4, T, defaultp> glm::infinitePerspectiveRH | -( | -T | -fovy, | -
- | - | T | -aspect, | -
- | - | T | -near | -
- | ) | -- |
Creates a matrix for a right handed, symmetric perspective-view frustum with far plane at infinite.
-fovy | Specifies the field of view angle, in degrees, in the y direction. Expressed in radians. |
aspect | Specifies the aspect ratio that determines the field of view in the x direction. The aspect ratio is the ratio of x (width) to y (height). |
near | Specifies the distance from the viewer to the near clipping plane (always positive). |
T | A floating-point scalar type |
GLM_FUNC_DECL mat<4, 4, T, defaultp> glm::ortho | -( | -T | -left, | -
- | - | T | -right, | -
- | - | T | -bottom, | -
- | - | T | -top | -
- | ) | -- |
Creates a matrix for projecting two-dimensional coordinates onto the screen.
-T | A floating-point scalar type |
GLM_FUNC_DECL mat<4, 4, T, defaultp> glm::ortho | -( | -T | -left, | -
- | - | T | -right, | -
- | - | T | -bottom, | -
- | - | T | -top, | -
- | - | T | -zNear, | -
- | - | T | -zFar | -
- | ) | -- |
Creates a matrix for an orthographic parallel viewing volume, using the default handedness and default near and far clip planes definition.
-To change default handedness use GLM_FORCE_LEFT_HANDED. To change default near and far clip planes definition use GLM_FORCE_DEPTH_ZERO_TO_ONE.
-T | A floating-point scalar type |
GLM_FUNC_DECL mat<4, 4, T, defaultp> glm::orthoLH | -( | -T | -left, | -
- | - | T | -right, | -
- | - | T | -bottom, | -
- | - | T | -top, | -
- | - | T | -zNear, | -
- | - | T | -zFar | -
- | ) | -- |
Creates a matrix for an orthographic parallel viewing volume, using left-handed coordinates.
-If GLM_FORCE_DEPTH_ZERO_TO_ONE is defined, the near and far clip planes correspond to z normalized device coordinates of 0 and +1 respectively. (Direct3D clip volume definition) Otherwise, the near and far clip planes correspond to z normalized device coordinates of -1 and +1 respectively. (OpenGL clip volume definition)
-T | A floating-point scalar type |
GLM_FUNC_DECL mat<4, 4, T, defaultp> glm::orthoLH_NO | -( | -T | -left, | -
- | - | T | -right, | -
- | - | T | -bottom, | -
- | - | T | -top, | -
- | - | T | -zNear, | -
- | - | T | -zFar | -
- | ) | -- |
Creates a matrix for an orthographic parallel viewing volume using right-handed coordinates.
-The near and far clip planes correspond to z normalized device coordinates of -1 and +1 respectively. (OpenGL clip volume definition)
-T | A floating-point scalar type |
GLM_FUNC_DECL mat<4, 4, T, defaultp> glm::orthoLH_ZO | -( | -T | -left, | -
- | - | T | -right, | -
- | - | T | -bottom, | -
- | - | T | -top, | -
- | - | T | -zNear, | -
- | - | T | -zFar | -
- | ) | -- |
Creates a matrix for an orthographic parallel viewing volume, using left-handed coordinates.
-The near and far clip planes correspond to z normalized device coordinates of 0 and +1 respectively. (Direct3D clip volume definition)
-T | A floating-point scalar type |
GLM_FUNC_DECL mat<4, 4, T, defaultp> glm::orthoNO | -( | -T | -left, | -
- | - | T | -right, | -
- | - | T | -bottom, | -
- | - | T | -top, | -
- | - | T | -zNear, | -
- | - | T | -zFar | -
- | ) | -- |
Creates a matrix for an orthographic parallel viewing volume, using left-handed coordinates if GLM_FORCE_LEFT_HANDED if defined or right-handed coordinates otherwise.
-The near and far clip planes correspond to z normalized device coordinates of -1 and +1 respectively. (OpenGL clip volume definition)
-T | A floating-point scalar type |
GLM_FUNC_DECL mat<4, 4, T, defaultp> glm::orthoRH | -( | -T | -left, | -
- | - | T | -right, | -
- | - | T | -bottom, | -
- | - | T | -top, | -
- | - | T | -zNear, | -
- | - | T | -zFar | -
- | ) | -- |
Creates a matrix for an orthographic parallel viewing volume, using right-handed coordinates.
-If GLM_FORCE_DEPTH_ZERO_TO_ONE is defined, the near and far clip planes correspond to z normalized device coordinates of 0 and +1 respectively. (Direct3D clip volume definition) Otherwise, the near and far clip planes correspond to z normalized device coordinates of -1 and +1 respectively. (OpenGL clip volume definition)
-T | A floating-point scalar type |
GLM_FUNC_DECL mat<4, 4, T, defaultp> glm::orthoRH_NO | -( | -T | -left, | -
- | - | T | -right, | -
- | - | T | -bottom, | -
- | - | T | -top, | -
- | - | T | -zNear, | -
- | - | T | -zFar | -
- | ) | -- |
Creates a matrix for an orthographic parallel viewing volume, using right-handed coordinates.
-The near and far clip planes correspond to z normalized device coordinates of -1 and +1 respectively. (OpenGL clip volume definition)
-T | A floating-point scalar type |
GLM_FUNC_DECL mat<4, 4, T, defaultp> glm::orthoRH_ZO | -( | -T | -left, | -
- | - | T | -right, | -
- | - | T | -bottom, | -
- | - | T | -top, | -
- | - | T | -zNear, | -
- | - | T | -zFar | -
- | ) | -- |
Creates a matrix for an orthographic parallel viewing volume, using left-handed coordinates.
-The near and far clip planes correspond to z normalized device coordinates of 0 and +1 respectively. (Direct3D clip volume definition)
-T | A floating-point scalar type |
GLM_FUNC_DECL mat<4, 4, T, defaultp> glm::orthoZO | -( | -T | -left, | -
- | - | T | -right, | -
- | - | T | -bottom, | -
- | - | T | -top, | -
- | - | T | -zNear, | -
- | - | T | -zFar | -
- | ) | -- |
Creates a matrix for an orthographic parallel viewing volume, using left-handed coordinates.
-The near and far clip planes correspond to z normalized device coordinates of 0 and +1 respectively. (Direct3D clip volume definition)
-T | A floating-point scalar type |
GLM_FUNC_DECL mat<4, 4, T, defaultp> glm::perspective | -( | -T | -fovy, | -
- | - | T | -aspect, | -
- | - | T | -near, | -
- | - | T | -far | -
- | ) | -- |
Creates a matrix for a symetric perspective-view frustum based on the default handedness and default near and far clip planes definition.
-To change default handedness use GLM_FORCE_LEFT_HANDED. To change default near and far clip planes definition use GLM_FORCE_DEPTH_ZERO_TO_ONE.
-fovy | Specifies the field of view angle in the y direction. Expressed in radians. |
aspect | Specifies the aspect ratio that determines the field of view in the x direction. The aspect ratio is the ratio of x (width) to y (height). |
near | Specifies the distance from the viewer to the near clipping plane (always positive). |
far | Specifies the distance from the viewer to the far clipping plane (always positive). |
T | A floating-point scalar type |
GLM_FUNC_DECL mat<4, 4, T, defaultp> glm::perspectiveFov | -( | -T | -fov, | -
- | - | T | -width, | -
- | - | T | -height, | -
- | - | T | -near, | -
- | - | T | -far | -
- | ) | -- |
Builds a perspective projection matrix based on a field of view and the default handedness and default near and far clip planes definition.
-To change default handedness use GLM_FORCE_LEFT_HANDED. To change default near and far clip planes definition use GLM_FORCE_DEPTH_ZERO_TO_ONE.
-fov | Expressed in radians. |
width | Width of the viewport |
height | Height of the viewport |
near | Specifies the distance from the viewer to the near clipping plane (always positive). |
far | Specifies the distance from the viewer to the far clipping plane (always positive). |
T | A floating-point scalar type |
GLM_FUNC_DECL mat<4, 4, T, defaultp> glm::perspectiveFovLH | -( | -T | -fov, | -
- | - | T | -width, | -
- | - | T | -height, | -
- | - | T | -near, | -
- | - | T | -far | -
- | ) | -- |
Builds a left handed perspective projection matrix based on a field of view.
-If GLM_FORCE_DEPTH_ZERO_TO_ONE is defined, the near and far clip planes correspond to z normalized device coordinates of 0 and +1 respectively. (Direct3D clip volume definition) Otherwise, the near and far clip planes correspond to z normalized device coordinates of -1 and +1 respectively. (OpenGL clip volume definition)
-fov | Expressed in radians. |
width | Width of the viewport |
height | Height of the viewport |
near | Specifies the distance from the viewer to the near clipping plane (always positive). |
far | Specifies the distance from the viewer to the far clipping plane (always positive). |
T | A floating-point scalar type |
GLM_FUNC_DECL mat<4, 4, T, defaultp> glm::perspectiveFovLH_NO | -( | -T | -fov, | -
- | - | T | -width, | -
- | - | T | -height, | -
- | - | T | -near, | -
- | - | T | -far | -
- | ) | -- |
Builds a perspective projection matrix based on a field of view using left-handed coordinates.
-The near and far clip planes correspond to z normalized device coordinates of -1 and +1 respectively. (OpenGL clip volume definition)
-fov | Expressed in radians. |
width | Width of the viewport |
height | Height of the viewport |
near | Specifies the distance from the viewer to the near clipping plane (always positive). |
far | Specifies the distance from the viewer to the far clipping plane (always positive). |
T | A floating-point scalar type |
GLM_FUNC_DECL mat<4, 4, T, defaultp> glm::perspectiveFovLH_ZO | -( | -T | -fov, | -
- | - | T | -width, | -
- | - | T | -height, | -
- | - | T | -near, | -
- | - | T | -far | -
- | ) | -- |
Builds a perspective projection matrix based on a field of view using left-handed coordinates.
-The near and far clip planes correspond to z normalized device coordinates of 0 and +1 respectively. (Direct3D clip volume definition)
-fov | Expressed in radians. |
width | Width of the viewport |
height | Height of the viewport |
near | Specifies the distance from the viewer to the near clipping plane (always positive). |
far | Specifies the distance from the viewer to the far clipping plane (always positive). |
T | A floating-point scalar type |
GLM_FUNC_DECL mat<4, 4, T, defaultp> glm::perspectiveFovNO | -( | -T | -fov, | -
- | - | T | -width, | -
- | - | T | -height, | -
- | - | T | -near, | -
- | - | T | -far | -
- | ) | -- |
Builds a perspective projection matrix based on a field of view using left-handed coordinates if GLM_FORCE_LEFT_HANDED if defined or right-handed coordinates otherwise.
-The near and far clip planes correspond to z normalized device coordinates of -1 and +1 respectively. (OpenGL clip volume definition)
-fov | Expressed in radians. |
width | Width of the viewport |
height | Height of the viewport |
near | Specifies the distance from the viewer to the near clipping plane (always positive). |
far | Specifies the distance from the viewer to the far clipping plane (always positive). |
T | A floating-point scalar type |
GLM_FUNC_DECL mat<4, 4, T, defaultp> glm::perspectiveFovRH | -( | -T | -fov, | -
- | - | T | -width, | -
- | - | T | -height, | -
- | - | T | -near, | -
- | - | T | -far | -
- | ) | -- |
Builds a right handed perspective projection matrix based on a field of view.
-If GLM_FORCE_DEPTH_ZERO_TO_ONE is defined, the near and far clip planes correspond to z normalized device coordinates of 0 and +1 respectively. (Direct3D clip volume definition) Otherwise, the near and far clip planes correspond to z normalized device coordinates of -1 and +1 respectively. (OpenGL clip volume definition)
-fov | Expressed in radians. |
width | Width of the viewport |
height | Height of the viewport |
near | Specifies the distance from the viewer to the near clipping plane (always positive). |
far | Specifies the distance from the viewer to the far clipping plane (always positive). |
T | A floating-point scalar type |
GLM_FUNC_DECL mat<4, 4, T, defaultp> glm::perspectiveFovRH_NO | -( | -T | -fov, | -
- | - | T | -width, | -
- | - | T | -height, | -
- | - | T | -near, | -
- | - | T | -far | -
- | ) | -- |
Builds a perspective projection matrix based on a field of view using right-handed coordinates.
-The near and far clip planes correspond to z normalized device coordinates of -1 and +1 respectively. (OpenGL clip volume definition)
-fov | Expressed in radians. |
width | Width of the viewport |
height | Height of the viewport |
near | Specifies the distance from the viewer to the near clipping plane (always positive). |
far | Specifies the distance from the viewer to the far clipping plane (always positive). |
T | A floating-point scalar type |
GLM_FUNC_DECL mat<4, 4, T, defaultp> glm::perspectiveFovRH_ZO | -( | -T | -fov, | -
- | - | T | -width, | -
- | - | T | -height, | -
- | - | T | -near, | -
- | - | T | -far | -
- | ) | -- |
Builds a perspective projection matrix based on a field of view using right-handed coordinates.
-The near and far clip planes correspond to z normalized device coordinates of 0 and +1 respectively. (Direct3D clip volume definition)
-fov | Expressed in radians. |
width | Width of the viewport |
height | Height of the viewport |
near | Specifies the distance from the viewer to the near clipping plane (always positive). |
far | Specifies the distance from the viewer to the far clipping plane (always positive). |
T | A floating-point scalar type |
GLM_FUNC_DECL mat<4, 4, T, defaultp> glm::perspectiveFovZO | -( | -T | -fov, | -
- | - | T | -width, | -
- | - | T | -height, | -
- | - | T | -near, | -
- | - | T | -far | -
- | ) | -- |
Builds a perspective projection matrix based on a field of view using left-handed coordinates if GLM_FORCE_LEFT_HANDED if defined or right-handed coordinates otherwise.
-The near and far clip planes correspond to z normalized device coordinates of 0 and +1 respectively. (Direct3D clip volume definition)
-fov | Expressed in radians. |
width | Width of the viewport |
height | Height of the viewport |
near | Specifies the distance from the viewer to the near clipping plane (always positive). |
far | Specifies the distance from the viewer to the far clipping plane (always positive). |
T | A floating-point scalar type |
GLM_FUNC_DECL mat<4, 4, T, defaultp> glm::perspectiveLH | -( | -T | -fovy, | -
- | - | T | -aspect, | -
- | - | T | -near, | -
- | - | T | -far | -
- | ) | -- |
Creates a matrix for a left handed, symetric perspective-view frustum.
-If GLM_FORCE_DEPTH_ZERO_TO_ONE is defined, the near and far clip planes correspond to z normalized device coordinates of 0 and +1 respectively. (Direct3D clip volume definition) Otherwise, the near and far clip planes correspond to z normalized device coordinates of -1 and +1 respectively. (OpenGL clip volume definition)
-fovy | Specifies the field of view angle, in degrees, in the y direction. Expressed in radians. |
aspect | Specifies the aspect ratio that determines the field of view in the x direction. The aspect ratio is the ratio of x (width) to y (height). |
near | Specifies the distance from the viewer to the near clipping plane (always positive). |
far | Specifies the distance from the viewer to the far clipping plane (always positive). |
T | A floating-point scalar type |
GLM_FUNC_DECL mat<4, 4, T, defaultp> glm::perspectiveLH_NO | -( | -T | -fovy, | -
- | - | T | -aspect, | -
- | - | T | -near, | -
- | - | T | -far | -
- | ) | -- |
Creates a matrix for a left handed, symetric perspective-view frustum.
-The near and far clip planes correspond to z normalized device coordinates of -1 and +1 respectively. (OpenGL clip volume definition)
-fovy | Specifies the field of view angle, in degrees, in the y direction. Expressed in radians. |
aspect | Specifies the aspect ratio that determines the field of view in the x direction. The aspect ratio is the ratio of x (width) to y (height). |
near | Specifies the distance from the viewer to the near clipping plane (always positive). |
far | Specifies the distance from the viewer to the far clipping plane (always positive). |
T | A floating-point scalar type |
GLM_FUNC_DECL mat<4, 4, T, defaultp> glm::perspectiveLH_ZO | -( | -T | -fovy, | -
- | - | T | -aspect, | -
- | - | T | -near, | -
- | - | T | -far | -
- | ) | -- |
Creates a matrix for a left handed, symetric perspective-view frustum.
-The near and far clip planes correspond to z normalized device coordinates of 0 and +1 respectively. (Direct3D clip volume definition)
-fovy | Specifies the field of view angle, in degrees, in the y direction. Expressed in radians. |
aspect | Specifies the aspect ratio that determines the field of view in the x direction. The aspect ratio is the ratio of x (width) to y (height). |
near | Specifies the distance from the viewer to the near clipping plane (always positive). |
far | Specifies the distance from the viewer to the far clipping plane (always positive). |
T | A floating-point scalar type |
GLM_FUNC_DECL mat<4, 4, T, defaultp> glm::perspectiveNO | -( | -T | -fovy, | -
- | - | T | -aspect, | -
- | - | T | -near, | -
- | - | T | -far | -
- | ) | -- |
Creates a matrix for a symetric perspective-view frustum using left-handed coordinates if GLM_FORCE_LEFT_HANDED if defined or right-handed coordinates otherwise.
-The near and far clip planes correspond to z normalized device coordinates of -1 and +1 respectively. (OpenGL clip volume definition)
-fovy | Specifies the field of view angle, in degrees, in the y direction. Expressed in radians. |
aspect | Specifies the aspect ratio that determines the field of view in the x direction. The aspect ratio is the ratio of x (width) to y (height). |
near | Specifies the distance from the viewer to the near clipping plane (always positive). |
far | Specifies the distance from the viewer to the far clipping plane (always positive). |
T | A floating-point scalar type |
GLM_FUNC_DECL mat<4, 4, T, defaultp> glm::perspectiveRH | -( | -T | -fovy, | -
- | - | T | -aspect, | -
- | - | T | -near, | -
- | - | T | -far | -
- | ) | -- |
Creates a matrix for a right handed, symetric perspective-view frustum.
-If GLM_FORCE_DEPTH_ZERO_TO_ONE is defined, the near and far clip planes correspond to z normalized device coordinates of 0 and +1 respectively. (Direct3D clip volume definition) Otherwise, the near and far clip planes correspond to z normalized device coordinates of -1 and +1 respectively. (OpenGL clip volume definition)
-fovy | Specifies the field of view angle, in degrees, in the y direction. Expressed in radians. |
aspect | Specifies the aspect ratio that determines the field of view in the x direction. The aspect ratio is the ratio of x (width) to y (height). |
near | Specifies the distance from the viewer to the near clipping plane (always positive). |
far | Specifies the distance from the viewer to the far clipping plane (always positive). |
T | A floating-point scalar type |
GLM_FUNC_DECL mat<4, 4, T, defaultp> glm::perspectiveRH_NO | -( | -T | -fovy, | -
- | - | T | -aspect, | -
- | - | T | -near, | -
- | - | T | -far | -
- | ) | -- |
Creates a matrix for a right handed, symetric perspective-view frustum.
-The near and far clip planes correspond to z normalized device coordinates of -1 and +1 respectively. (OpenGL clip volume definition)
-fovy | Specifies the field of view angle, in degrees, in the y direction. Expressed in radians. |
aspect | Specifies the aspect ratio that determines the field of view in the x direction. The aspect ratio is the ratio of x (width) to y (height). |
near | Specifies the distance from the viewer to the near clipping plane (always positive). |
far | Specifies the distance from the viewer to the far clipping plane (always positive). |
T | A floating-point scalar type |
GLM_FUNC_DECL mat<4, 4, T, defaultp> glm::perspectiveRH_ZO | -( | -T | -fovy, | -
- | - | T | -aspect, | -
- | - | T | -near, | -
- | - | T | -far | -
- | ) | -- |
Creates a matrix for a right handed, symetric perspective-view frustum.
-The near and far clip planes correspond to z normalized device coordinates of 0 and +1 respectively. (Direct3D clip volume definition)
-fovy | Specifies the field of view angle, in degrees, in the y direction. Expressed in radians. |
aspect | Specifies the aspect ratio that determines the field of view in the x direction. The aspect ratio is the ratio of x (width) to y (height). |
near | Specifies the distance from the viewer to the near clipping plane (always positive). |
far | Specifies the distance from the viewer to the far clipping plane (always positive). |
T | A floating-point scalar type |
GLM_FUNC_DECL mat<4, 4, T, defaultp> glm::perspectiveZO | -( | -T | -fovy, | -
- | - | T | -aspect, | -
- | - | T | -near, | -
- | - | T | -far | -
- | ) | -- |
Creates a matrix for a symetric perspective-view frustum using left-handed coordinates if GLM_FORCE_LEFT_HANDED if defined or right-handed coordinates otherwise.
-The near and far clip planes correspond to z normalized device coordinates of 0 and +1 respectively. (Direct3D clip volume definition)
-fovy | Specifies the field of view angle, in degrees, in the y direction. Expressed in radians. |
aspect | Specifies the aspect ratio that determines the field of view in the x direction. The aspect ratio is the ratio of x (width) to y (height). |
near | Specifies the distance from the viewer to the near clipping plane (always positive). |
far | Specifies the distance from the viewer to the far clipping plane (always positive). |
T | A floating-point scalar type |
GLM_FUNC_DECL mat<4, 4, T, defaultp> glm::tweakedInfinitePerspective | -( | -T | -fovy, | -
- | - | T | -aspect, | -
- | - | T | -near | -
- | ) | -- |
Creates a matrix for a symmetric perspective-view frustum with far plane at infinite for graphics hardware that doesn't support depth clamping.
-fovy | Specifies the field of view angle, in degrees, in the y direction. Expressed in radians. |
aspect | Specifies the aspect ratio that determines the field of view in the x direction. The aspect ratio is the ratio of x (width) to y (height). |
near | Specifies the distance from the viewer to the near clipping plane (always positive). |
T | A floating-point scalar type |
GLM_FUNC_DECL mat<4, 4, T, defaultp> glm::tweakedInfinitePerspective | -( | -T | -fovy, | -
- | - | T | -aspect, | -
- | - | T | -near, | -
- | - | T | -ep | -
- | ) | -- |
Creates a matrix for a symmetric perspective-view frustum with far plane at infinite for graphics hardware that doesn't support depth clamping.
-fovy | Specifies the field of view angle, in degrees, in the y direction. Expressed in radians. |
aspect | Specifies the aspect ratio that determines the field of view in the x direction. The aspect ratio is the ratio of x (width) to y (height). |
near | Specifies the distance from the viewer to the near clipping plane (always positive). |
ep | Epsilon |
T | A floating-point scalar type |
![]() |
-
- 0.9.9 API documentation
-
- |
-
Defines functions for common matrix operations. -More...
-Defines functions for common matrix operations.
-Include <glm/ext/matrix_common.hpp> to use the features of this extension.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
Functions that generate common projection transformation matrices. -More...
--Functions | |
template<typename T , qualifier Q, typename U > | |
GLM_FUNC_DECL mat< 4, 4, T, Q > | pickMatrix (vec< 2, T, Q > const ¢er, vec< 2, T, Q > const &delta, vec< 4, U, Q > const &viewport) |
Define a picking region. More... | |
template<typename T , typename U , qualifier Q> | |
GLM_FUNC_DECL vec< 3, T, Q > | project (vec< 3, T, Q > const &obj, mat< 4, 4, T, Q > const &model, mat< 4, 4, T, Q > const &proj, vec< 4, U, Q > const &viewport) |
Map the specified object coordinates (obj.x, obj.y, obj.z) into window coordinates using default near and far clip planes definition. More... | |
template<typename T , typename U , qualifier Q> | |
GLM_FUNC_DECL vec< 3, T, Q > | projectNO (vec< 3, T, Q > const &obj, mat< 4, 4, T, Q > const &model, mat< 4, 4, T, Q > const &proj, vec< 4, U, Q > const &viewport) |
Map the specified object coordinates (obj.x, obj.y, obj.z) into window coordinates. More... | |
template<typename T , typename U , qualifier Q> | |
GLM_FUNC_DECL vec< 3, T, Q > | projectZO (vec< 3, T, Q > const &obj, mat< 4, 4, T, Q > const &model, mat< 4, 4, T, Q > const &proj, vec< 4, U, Q > const &viewport) |
Map the specified object coordinates (obj.x, obj.y, obj.z) into window coordinates. More... | |
template<typename T , typename U , qualifier Q> | |
GLM_FUNC_DECL vec< 3, T, Q > | unProject (vec< 3, T, Q > const &win, mat< 4, 4, T, Q > const &model, mat< 4, 4, T, Q > const &proj, vec< 4, U, Q > const &viewport) |
Map the specified window coordinates (win.x, win.y, win.z) into object coordinates using default near and far clip planes definition. More... | |
template<typename T , typename U , qualifier Q> | |
GLM_FUNC_DECL vec< 3, T, Q > | unProjectNO (vec< 3, T, Q > const &win, mat< 4, 4, T, Q > const &model, mat< 4, 4, T, Q > const &proj, vec< 4, U, Q > const &viewport) |
Map the specified window coordinates (win.x, win.y, win.z) into object coordinates. More... | |
template<typename T , typename U , qualifier Q> | |
GLM_FUNC_DECL vec< 3, T, Q > | unProjectZO (vec< 3, T, Q > const &win, mat< 4, 4, T, Q > const &model, mat< 4, 4, T, Q > const &proj, vec< 4, U, Q > const &viewport) |
Map the specified window coordinates (win.x, win.y, win.z) into object coordinates. More... | |
Functions that generate common projection transformation matrices.
-The matrices generated by this extension use standard OpenGL fixed-function conventions. For example, the lookAt function generates a transform from world space into the specific eye space that the projective matrix functions (perspective, ortho, etc) are designed to expect. The OpenGL compatibility specifications defines the particular layout of this eye space.
-Include <glm/ext/matrix_projection.hpp> to use the features of this extension.
- -GLM_FUNC_DECL mat<4, 4, T, Q> glm::pickMatrix | -( | -vec< 2, T, Q > const & | -center, | -
- | - | vec< 2, T, Q > const & | -delta, | -
- | - | vec< 4, U, Q > const & | -viewport | -
- | ) | -- |
Define a picking region.
-center | Specify the center of a picking region in window coordinates. |
delta | Specify the width and height, respectively, of the picking region in window coordinates. |
viewport | Rendering viewport |
T | Native type used for the computation. Currently supported: half (not recommended), float or double. |
U | Currently supported: Floating-point types and integer types. |
GLM_FUNC_DECL vec<3, T, Q> glm::project | -( | -vec< 3, T, Q > const & | -obj, | -
- | - | mat< 4, 4, T, Q > const & | -model, | -
- | - | mat< 4, 4, T, Q > const & | -proj, | -
- | - | vec< 4, U, Q > const & | -viewport | -
- | ) | -- |
Map the specified object coordinates (obj.x, obj.y, obj.z) into window coordinates using default near and far clip planes definition.
-To change default near and far clip planes definition use GLM_FORCE_DEPTH_ZERO_TO_ONE.
-obj | Specify the object coordinates. |
model | Specifies the current modelview matrix |
proj | Specifies the current projection matrix |
viewport | Specifies the current viewport |
T | Native type used for the computation. Currently supported: half (not recommended), float or double. |
U | Currently supported: Floating-point types and integer types. |
GLM_FUNC_DECL vec<3, T, Q> glm::projectNO | -( | -vec< 3, T, Q > const & | -obj, | -
- | - | mat< 4, 4, T, Q > const & | -model, | -
- | - | mat< 4, 4, T, Q > const & | -proj, | -
- | - | vec< 4, U, Q > const & | -viewport | -
- | ) | -- |
Map the specified object coordinates (obj.x, obj.y, obj.z) into window coordinates.
-The near and far clip planes correspond to z normalized device coordinates of -1 and +1 respectively. (OpenGL clip volume definition)
-obj | Specify the object coordinates. |
model | Specifies the current modelview matrix |
proj | Specifies the current projection matrix |
viewport | Specifies the current viewport |
T | Native type used for the computation. Currently supported: half (not recommended), float or double. |
U | Currently supported: Floating-point types and integer types. |
GLM_FUNC_DECL vec<3, T, Q> glm::projectZO | -( | -vec< 3, T, Q > const & | -obj, | -
- | - | mat< 4, 4, T, Q > const & | -model, | -
- | - | mat< 4, 4, T, Q > const & | -proj, | -
- | - | vec< 4, U, Q > const & | -viewport | -
- | ) | -- |
Map the specified object coordinates (obj.x, obj.y, obj.z) into window coordinates.
-The near and far clip planes correspond to z normalized device coordinates of 0 and +1 respectively. (Direct3D clip volume definition)
-obj | Specify the object coordinates. |
model | Specifies the current modelview matrix |
proj | Specifies the current projection matrix |
viewport | Specifies the current viewport |
T | Native type used for the computation. Currently supported: half (not recommended), float or double. |
U | Currently supported: Floating-point types and integer types. |
GLM_FUNC_DECL vec<3, T, Q> glm::unProject | -( | -vec< 3, T, Q > const & | -win, | -
- | - | mat< 4, 4, T, Q > const & | -model, | -
- | - | mat< 4, 4, T, Q > const & | -proj, | -
- | - | vec< 4, U, Q > const & | -viewport | -
- | ) | -- |
Map the specified window coordinates (win.x, win.y, win.z) into object coordinates using default near and far clip planes definition.
-To change default near and far clip planes definition use GLM_FORCE_DEPTH_ZERO_TO_ONE.
-win | Specify the window coordinates to be mapped. |
model | Specifies the modelview matrix |
proj | Specifies the projection matrix |
viewport | Specifies the viewport |
T | Native type used for the computation. Currently supported: half (not recommended), float or double. |
U | Currently supported: Floating-point types and integer types. |
GLM_FUNC_DECL vec<3, T, Q> glm::unProjectNO | -( | -vec< 3, T, Q > const & | -win, | -
- | - | mat< 4, 4, T, Q > const & | -model, | -
- | - | mat< 4, 4, T, Q > const & | -proj, | -
- | - | vec< 4, U, Q > const & | -viewport | -
- | ) | -- |
Map the specified window coordinates (win.x, win.y, win.z) into object coordinates.
-The near and far clip planes correspond to z normalized device coordinates of -1 and +1 respectively. (OpenGL clip volume definition)
-win | Specify the window coordinates to be mapped. |
model | Specifies the modelview matrix |
proj | Specifies the projection matrix |
viewport | Specifies the viewport |
T | Native type used for the computation. Currently supported: half (not recommended), float or double. |
U | Currently supported: Floating-point types and integer types. |
GLM_FUNC_DECL vec<3, T, Q> glm::unProjectZO | -( | -vec< 3, T, Q > const & | -win, | -
- | - | mat< 4, 4, T, Q > const & | -model, | -
- | - | mat< 4, 4, T, Q > const & | -proj, | -
- | - | vec< 4, U, Q > const & | -viewport | -
- | ) | -- |
Map the specified window coordinates (win.x, win.y, win.z) into object coordinates.
-The near and far clip planes correspond to z normalized device coordinates of 0 and +1 respectively. (Direct3D clip volume definition)
-win | Specify the window coordinates to be mapped. |
model | Specifies the modelview matrix |
proj | Specifies the projection matrix |
viewport | Specifies the viewport |
T | Native type used for the computation. Currently supported: half (not recommended), float or double. |
U | Currently supported: Floating-point types and integer types. |
![]() |
-
- 0.9.9 API documentation
-
- |
-
Exposes comparison functions for matrix types that take a user defined epsilon values. -More...
--Functions | |
template<length_t C, length_t R, typename T , qualifier Q> | |
GLM_FUNC_DECL GLM_CONSTEXPR vec< C, bool, Q > | equal (mat< C, R, T, Q > const &x, mat< C, R, T, Q > const &y) |
Perform a component-wise equal-to comparison of two matrices. More... | |
template<length_t C, length_t R, typename T , qualifier Q> | |
GLM_FUNC_DECL GLM_CONSTEXPR vec< C, bool, Q > | equal (mat< C, R, T, Q > const &x, mat< C, R, T, Q > const &y, T epsilon) |
Returns the component-wise comparison of |x - y| < epsilon. More... | |
template<length_t C, length_t R, typename T , qualifier Q> | |
GLM_FUNC_DECL GLM_CONSTEXPR vec< C, bool, Q > | equal (mat< C, R, T, Q > const &x, mat< C, R, T, Q > const &y, vec< C, T, Q > const &epsilon) |
Returns the component-wise comparison of |x - y| < epsilon. More... | |
template<length_t C, length_t R, typename T , qualifier Q> | |
GLM_FUNC_DECL GLM_CONSTEXPR vec< C, bool, Q > | equal (mat< C, R, T, Q > const &x, mat< C, R, T, Q > const &y, int ULPs) |
Returns the component-wise comparison between two vectors in term of ULPs. More... | |
template<length_t C, length_t R, typename T , qualifier Q> | |
GLM_FUNC_DECL GLM_CONSTEXPR vec< C, bool, Q > | equal (mat< C, R, T, Q > const &x, mat< C, R, T, Q > const &y, vec< C, int, Q > const &ULPs) |
Returns the component-wise comparison between two vectors in term of ULPs. More... | |
template<length_t C, length_t R, typename T , qualifier Q> | |
GLM_FUNC_DECL GLM_CONSTEXPR vec< C, bool, Q > | notEqual (mat< C, R, T, Q > const &x, mat< C, R, T, Q > const &y) |
Perform a component-wise not-equal-to comparison of two matrices. More... | |
template<length_t C, length_t R, typename T , qualifier Q> | |
GLM_FUNC_DECL GLM_CONSTEXPR vec< C, bool, Q > | notEqual (mat< C, R, T, Q > const &x, mat< C, R, T, Q > const &y, T epsilon) |
Returns the component-wise comparison of |x - y| < epsilon. More... | |
template<length_t C, length_t R, typename T , qualifier Q> | |
GLM_FUNC_DECL GLM_CONSTEXPR vec< C, bool, Q > | notEqual (mat< C, R, T, Q > const &x, mat< C, R, T, Q > const &y, vec< C, T, Q > const &epsilon) |
Returns the component-wise comparison of |x - y| >= epsilon. More... | |
template<length_t C, length_t R, typename T , qualifier Q> | |
GLM_FUNC_DECL GLM_CONSTEXPR vec< C, bool, Q > | notEqual (mat< C, R, T, Q > const &x, mat< C, R, T, Q > const &y, int ULPs) |
Returns the component-wise comparison between two vectors in term of ULPs. More... | |
template<length_t C, length_t R, typename T , qualifier Q> | |
GLM_FUNC_DECL GLM_CONSTEXPR vec< C, bool, Q > | notEqual (mat< C, R, T, Q > const &x, mat< C, R, T, Q > const &y, vec< C, int, Q > const &ULPs) |
Returns the component-wise comparison between two vectors in term of ULPs. More... | |
Exposes comparison functions for matrix types that take a user defined epsilon values.
-Include <glm/ext/matrix_relational.hpp> to use the features of this extension.
- -GLM_FUNC_DECL GLM_CONSTEXPR vec<C, bool, Q> glm::equal | -( | -mat< C, R, T, Q > const & | -x, | -
- | - | mat< C, R, T, Q > const & | -y | -
- | ) | -- |
Perform a component-wise equal-to comparison of two matrices.
-Return a boolean vector which components value is True if this expression is satisfied per column of the matrices.
-C | Integer between 1 and 4 included that qualify the number of columns of the matrix |
R | Integer between 1 and 4 included that qualify the number of rows of the matrix |
T | Floating-point or integer scalar types |
Q | Value from qualifier enum |
GLM_FUNC_DECL GLM_CONSTEXPR vec<C, bool, Q> glm::equal | -( | -mat< C, R, T, Q > const & | -x, | -
- | - | mat< C, R, T, Q > const & | -y, | -
- | - | T | -epsilon | -
- | ) | -- |
Returns the component-wise comparison of |x - y| < epsilon.
-True if this expression is satisfied.
-C | Integer between 1 and 4 included that qualify the number of columns of the matrix |
R | Integer between 1 and 4 included that qualify the number of rows of the matrix |
T | Floating-point or integer scalar types |
Q | Value from qualifier enum |
GLM_FUNC_DECL GLM_CONSTEXPR vec<C, bool, Q> glm::equal | -( | -mat< C, R, T, Q > const & | -x, | -
- | - | mat< C, R, T, Q > const & | -y, | -
- | - | vec< C, T, Q > const & | -epsilon | -
- | ) | -- |
Returns the component-wise comparison of |x - y| < epsilon.
-True if this expression is satisfied.
-C | Integer between 1 and 4 included that qualify the number of columns of the matrix |
R | Integer between 1 and 4 included that qualify the number of rows of the matrix |
T | Floating-point or integer scalar types |
Q | Value from qualifier enum |
GLM_FUNC_DECL GLM_CONSTEXPR vec<C, bool, Q> glm::equal | -( | -mat< C, R, T, Q > const & | -x, | -
- | - | mat< C, R, T, Q > const & | -y, | -
- | - | int | -ULPs | -
- | ) | -- |
Returns the component-wise comparison between two vectors in term of ULPs.
-True if this expression is satisfied.
-C | Integer between 1 and 4 included that qualify the number of columns of the matrix |
R | Integer between 1 and 4 included that qualify the number of rows of the matrix |
T | Floating-point |
Q | Value from qualifier enum |
GLM_FUNC_DECL GLM_CONSTEXPR vec<C, bool, Q> glm::equal | -( | -mat< C, R, T, Q > const & | -x, | -
- | - | mat< C, R, T, Q > const & | -y, | -
- | - | vec< C, int, Q > const & | -ULPs | -
- | ) | -- |
Returns the component-wise comparison between two vectors in term of ULPs.
-True if this expression is satisfied.
-C | Integer between 1 and 4 included that qualify the number of columns of the matrix |
R | Integer between 1 and 4 included that qualify the number of rows of the matrix |
T | Floating-point |
Q | Value from qualifier enum |
GLM_FUNC_DECL GLM_CONSTEXPR vec<C, bool, Q> glm::notEqual | -( | -mat< C, R, T, Q > const & | -x, | -
- | - | mat< C, R, T, Q > const & | -y | -
- | ) | -- |
Perform a component-wise not-equal-to comparison of two matrices.
-Return a boolean vector which components value is True if this expression is satisfied per column of the matrices.
-C | Integer between 1 and 4 included that qualify the number of columns of the matrix |
R | Integer between 1 and 4 included that qualify the number of rows of the matrix |
T | Floating-point or integer scalar types |
Q | Value from qualifier enum |
GLM_FUNC_DECL GLM_CONSTEXPR vec<C, bool, Q> glm::notEqual | -( | -mat< C, R, T, Q > const & | -x, | -
- | - | mat< C, R, T, Q > const & | -y, | -
- | - | T | -epsilon | -
- | ) | -- |
Returns the component-wise comparison of |x - y| < epsilon.
-True if this expression is not satisfied.
-C | Integer between 1 and 4 included that qualify the number of columns of the matrix |
R | Integer between 1 and 4 included that qualify the number of rows of the matrix |
T | Floating-point or integer scalar types |
Q | Value from qualifier enum |
GLM_FUNC_DECL GLM_CONSTEXPR vec<C, bool, Q> glm::notEqual | -( | -mat< C, R, T, Q > const & | -x, | -
- | - | mat< C, R, T, Q > const & | -y, | -
- | - | vec< C, T, Q > const & | -epsilon | -
- | ) | -- |
Returns the component-wise comparison of |x - y| >= epsilon.
-True if this expression is not satisfied.
-C | Integer between 1 and 4 included that qualify the number of columns of the matrix |
R | Integer between 1 and 4 included that qualify the number of rows of the matrix |
T | Floating-point or integer scalar types |
Q | Value from qualifier enum |
GLM_FUNC_DECL GLM_CONSTEXPR vec<C, bool, Q> glm::notEqual | -( | -mat< C, R, T, Q > const & | -x, | -
- | - | mat< C, R, T, Q > const & | -y, | -
- | - | int | -ULPs | -
- | ) | -- |
Returns the component-wise comparison between two vectors in term of ULPs.
-True if this expression is not satisfied.
-C | Integer between 1 and 4 included that qualify the number of columns of the matrix |
R | Integer between 1 and 4 included that qualify the number of rows of the matrix |
T | Floating-point |
Q | Value from qualifier enum |
GLM_FUNC_DECL GLM_CONSTEXPR vec<C, bool, Q> glm::notEqual | -( | -mat< C, R, T, Q > const & | -x, | -
- | - | mat< C, R, T, Q > const & | -y, | -
- | - | vec< C, int, Q > const & | -ULPs | -
- | ) | -- |
Returns the component-wise comparison between two vectors in term of ULPs.
-True if this expression is not satisfied.
-C | Integer between 1 and 4 included that qualify the number of columns of the matrix |
R | Integer between 1 and 4 included that qualify the number of rows of the matrix |
T | Floating-point |
Q | Value from qualifier enum |
![]() |
-
- 0.9.9 API documentation
-
- |
-
Defines functions that generate common transformation matrices. -More...
--Functions | |
-template<typename genType > | |
GLM_FUNC_DECL GLM_CONSTEXPR genType | identity () |
Builds an identity matrix. | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL mat< 4, 4, T, Q > | lookAt (vec< 3, T, Q > const &eye, vec< 3, T, Q > const ¢er, vec< 3, T, Q > const &up) |
Build a look at view matrix based on the default handedness. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL mat< 4, 4, T, Q > | lookAtLH (vec< 3, T, Q > const &eye, vec< 3, T, Q > const ¢er, vec< 3, T, Q > const &up) |
Build a left handed look at view matrix. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL mat< 4, 4, T, Q > | lookAtRH (vec< 3, T, Q > const &eye, vec< 3, T, Q > const ¢er, vec< 3, T, Q > const &up) |
Build a right handed look at view matrix. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL mat< 4, 4, T, Q > | rotate (mat< 4, 4, T, Q > const &m, T angle, vec< 3, T, Q > const &axis) |
Builds a rotation 4 * 4 matrix created from an axis vector and an angle. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL mat< 4, 4, T, Q > | scale (mat< 4, 4, T, Q > const &m, vec< 3, T, Q > const &v) |
Builds a scale 4 * 4 matrix created from 3 scalars. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL mat< 4, 4, T, Q > | translate (mat< 4, 4, T, Q > const &m, vec< 3, T, Q > const &v) |
Builds a translation 4 * 4 matrix created from a vector of 3 components. More... | |
Defines functions that generate common transformation matrices.
-The matrices generated by this extension use standard OpenGL fixed-function conventions. For example, the lookAt function generates a transform from world space into the specific eye space that the projective matrix functions (perspective, ortho, etc) are designed to expect. The OpenGL compatibility specifications defines the particular layout of this eye space.
-Include <glm/ext/matrix_transform.hpp> to use the features of this extension.
- -GLM_FUNC_DECL mat<4, 4, T, Q> glm::lookAt | -( | -vec< 3, T, Q > const & | -eye, | -
- | - | vec< 3, T, Q > const & | -center, | -
- | - | vec< 3, T, Q > const & | -up | -
- | ) | -- |
Build a look at view matrix based on the default handedness.
-eye | Position of the camera |
center | Position where the camera is looking at |
up | Normalized up vector, how the camera is oriented. Typically (0, 0, 1) |
T | A floating-point scalar type |
Q | A value from qualifier enum |
GLM_FUNC_DECL mat<4, 4, T, Q> glm::lookAtLH | -( | -vec< 3, T, Q > const & | -eye, | -
- | - | vec< 3, T, Q > const & | -center, | -
- | - | vec< 3, T, Q > const & | -up | -
- | ) | -- |
Build a left handed look at view matrix.
-eye | Position of the camera |
center | Position where the camera is looking at |
up | Normalized up vector, how the camera is oriented. Typically (0, 0, 1) |
T | A floating-point scalar type |
Q | A value from qualifier enum |
GLM_FUNC_DECL mat<4, 4, T, Q> glm::lookAtRH | -( | -vec< 3, T, Q > const & | -eye, | -
- | - | vec< 3, T, Q > const & | -center, | -
- | - | vec< 3, T, Q > const & | -up | -
- | ) | -- |
Build a right handed look at view matrix.
-eye | Position of the camera |
center | Position where the camera is looking at |
up | Normalized up vector, how the camera is oriented. Typically (0, 0, 1) |
T | A floating-point scalar type |
Q | A value from qualifier enum |
GLM_FUNC_DECL mat<4, 4, T, Q> glm::rotate | -( | -mat< 4, 4, T, Q > const & | -m, | -
- | - | T | -angle, | -
- | - | vec< 3, T, Q > const & | -axis | -
- | ) | -- |
Builds a rotation 4 * 4 matrix created from an axis vector and an angle.
-m | Input matrix multiplied by this rotation matrix. |
angle | Rotation angle expressed in radians. |
axis | Rotation axis, recommended to be normalized. |
T | A floating-point scalar type |
Q | A value from qualifier enum |
GLM_FUNC_DECL mat<4, 4, T, Q> glm::scale | -( | -mat< 4, 4, T, Q > const & | -m, | -
- | - | vec< 3, T, Q > const & | -v | -
- | ) | -- |
Builds a scale 4 * 4 matrix created from 3 scalars.
-m | Input matrix multiplied by this scale matrix. |
v | Ratio of scaling for each axis. |
T | A floating-point scalar type |
Q | A value from qualifier enum |
GLM_FUNC_DECL mat<4, 4, T, Q> glm::translate | -( | -mat< 4, 4, T, Q > const & | -m, | -
- | - | vec< 3, T, Q > const & | -v | -
- | ) | -- |
Builds a translation 4 * 4 matrix created from a vector of 3 components.
-m | Input matrix multiplied by this translation matrix. |
v | Coordinates of a translation vector. |
T | A floating-point scalar type |
Q | A value from qualifier enum |
![]() |
-
- 0.9.9 API documentation
-
- |
-
Provides common functions for quaternion types. -More...
--Functions | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL qua< T, Q > | conjugate (qua< T, Q > const &q) |
Returns the q conjugate. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL qua< T, Q > | inverse (qua< T, Q > const &q) |
Returns the q inverse. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL vec< 4, bool, Q > | isinf (qua< T, Q > const &x) |
Returns true if x holds a positive infinity or negative infinity representation in the underlying implementation's set of floating point representations. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL vec< 4, bool, Q > | isnan (qua< T, Q > const &x) |
Returns true if x holds a NaN (not a number) representation in the underlying implementation's set of floating point representations. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL qua< T, Q > | lerp (qua< T, Q > const &x, qua< T, Q > const &y, T a) |
Linear interpolation of two quaternions. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL qua< T, Q > | mix (qua< T, Q > const &x, qua< T, Q > const &y, T a) |
Spherical linear interpolation of two quaternions. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL qua< T, Q > | slerp (qua< T, Q > const &x, qua< T, Q > const &y, T a) |
Spherical linear interpolation of two quaternions. More... | |
Provides common functions for quaternion types.
-Include <glm/ext/quaternion_common.hpp> to use the features of this extension.
-GLM_FUNC_DECL qua<T, Q> glm::conjugate | -( | -qua< T, Q > const & | -q | ) | -- |
Returns the q conjugate.
-T | A floating-point scalar type |
Q | A value from qualifier enum |
GLM_FUNC_DECL qua<T, Q> glm::inverse | -( | -qua< T, Q > const & | -q | ) | -- |
Returns the q inverse.
-T | A floating-point scalar type |
Q | A value from qualifier enum |
GLM_FUNC_DECL vec<4, bool, Q> glm::isinf | -( | -qua< T, Q > const & | -x | ) | -- |
Returns true if x holds a positive infinity or negative infinity representation in the underlying implementation's set of floating point representations.
-Returns false otherwise, including for implementations with no infinity representations.
-T | A floating-point scalar type |
Q | A value from qualifier enum |
GLM_FUNC_DECL vec<4, bool, Q> glm::isnan | -( | -qua< T, Q > const & | -x | ) | -- |
Returns true if x holds a NaN (not a number) representation in the underlying implementation's set of floating point representations.
-Returns false otherwise, including for implementations with no NaN representations.
-/!\ When using compiler fast math, this function may fail.
-T | A floating-point scalar type |
Q | A value from qualifier enum |
GLM_FUNC_DECL qua<T, Q> glm::lerp | -( | -qua< T, Q > const & | -x, | -
- | - | qua< T, Q > const & | -y, | -
- | - | T | -a | -
- | ) | -- |
Linear interpolation of two quaternions.
-The interpolation is oriented.
-x | A quaternion |
y | A quaternion |
a | Interpolation factor. The interpolation is defined in the range [0, 1]. |
T | A floating-point scalar type |
Q | A value from qualifier enum |
GLM_FUNC_DECL qua<T, Q> glm::mix | -( | -qua< T, Q > const & | -x, | -
- | - | qua< T, Q > const & | -y, | -
- | - | T | -a | -
- | ) | -- |
Spherical linear interpolation of two quaternions.
-The interpolation is oriented and the rotation is performed at constant speed. For short path spherical linear interpolation, use the slerp function.
-x | A quaternion |
y | A quaternion |
a | Interpolation factor. The interpolation is defined beyond the range [0, 1]. |
T | A floating-point scalar type |
Q | A value from qualifier enum |
GLM_FUNC_DECL qua<T, Q> glm::slerp | -( | -qua< T, Q > const & | -x, | -
- | - | qua< T, Q > const & | -y, | -
- | - | T | -a | -
- | ) | -- |
Spherical linear interpolation of two quaternions.
-The interpolation always take the short path and the rotation is performed at constant speed.
-x | A quaternion |
y | A quaternion |
a | Interpolation factor. The interpolation is defined beyond the range [0, 1]. |
T | A floating-point scalar type |
Q | A value from qualifier enum |
![]() |
-
- 0.9.9 API documentation
-
- |
-
Exposes double-precision floating point quaternion type. -More...
--Typedefs | |
-typedef qua< double, defaultp > | dquat |
Quaternion of double-precision floating-point numbers. | |
Exposes double-precision floating point quaternion type.
-Include <glm/ext/quaternion_double.hpp> to use the features of this extension.
- -![]() |
-
- 0.9.9 API documentation
-
- |
-
Exposes double-precision floating point quaternion type with various precision in term of ULPs. -More...
--Typedefs | |
typedef qua< double, highp > | highp_dquat |
Quaternion of high double-qualifier floating-point numbers using high precision arithmetic in term of ULPs. More... | |
typedef qua< double, lowp > | lowp_dquat |
Quaternion of double-precision floating-point numbers using high precision arithmetic in term of ULPs. More... | |
typedef qua< double, mediump > | mediump_dquat |
Quaternion of medium double-qualifier floating-point numbers using high precision arithmetic in term of ULPs. More... | |
Exposes double-precision floating point quaternion type with various precision in term of ULPs.
-Include <glm/ext/quaternion_double_precision.hpp> to use the features of this extension.
-typedef qua< double, highp > highp_dquat | -
Quaternion of high double-qualifier floating-point numbers using high precision arithmetic in term of ULPs.
- - -Definition at line 38 of file quaternion_double_precision.hpp.
- -typedef qua< double, lowp > lowp_dquat | -
Quaternion of double-precision floating-point numbers using high precision arithmetic in term of ULPs.
- - -Definition at line 28 of file quaternion_double_precision.hpp.
- -typedef qua< double, mediump > mediump_dquat | -
Quaternion of medium double-qualifier floating-point numbers using high precision arithmetic in term of ULPs.
- - -Definition at line 33 of file quaternion_double_precision.hpp.
- -![]() |
-
- 0.9.9 API documentation
-
- |
-
Provides exponential functions for quaternion types. -More...
-Provides exponential functions for quaternion types.
-Include <glm/ext/quaternion_exponential.hpp> to use the features of this extension.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
Exposes single-precision floating point quaternion type. -More...
--Typedefs | |
-typedef qua< float, defaultp > | quat |
Quaternion of single-precision floating-point numbers. | |
Exposes single-precision floating point quaternion type.
-Include <glm/ext/quaternion_float.hpp> to use the features of this extension.
- -![]() |
-
- 0.9.9 API documentation
-
- |
-
Exposes single-precision floating point quaternion type with various precision in term of ULPs. -More...
--Typedefs | |
-typedef qua< float, highp > | highp_quat |
Quaternion of single-precision floating-point numbers using high precision arithmetic in term of ULPs. | |
-typedef qua< float, lowp > | lowp_quat |
Quaternion of single-precision floating-point numbers using high precision arithmetic in term of ULPs. | |
-typedef qua< float, mediump > | mediump_quat |
Quaternion of single-precision floating-point numbers using high precision arithmetic in term of ULPs. | |
Exposes single-precision floating point quaternion type with various precision in term of ULPs.
-Include <glm/ext/quaternion_float_precision.hpp> to use the features of this extension.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
Provides geometric functions for quaternion types. -More...
--Functions | |
template<typename T , qualifier Q> | |
GLM_FUNC_QUALIFIER qua< T, Q > | cross (qua< T, Q > const &q1, qua< T, Q > const &q2) |
Compute a cross product. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL T | dot (qua< T, Q > const &x, qua< T, Q > const &y) |
Returns dot product of q1 and q2, i.e., q1[0] * q2[0] + q1[1] * q2[1] + ... More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL T | length (qua< T, Q > const &q) |
Returns the norm of a quaternions. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL qua< T, Q > | normalize (qua< T, Q > const &q) |
Returns the normalized quaternion. More... | |
Provides geometric functions for quaternion types.
-Include <glm/ext/quaternion_geometric.hpp> to use the features of this extension.
-GLM_FUNC_QUALIFIER qua<T, Q> glm::cross | -( | -qua< T, Q > const & | -q1, | -
- | - | qua< T, Q > const & | -q2 | -
- | ) | -- |
Compute a cross product.
-T | Floating-point scalar types |
Q | Value from qualifier enum |
GLM_FUNC_DECL T glm::dot | -( | -qua< T, Q > const & | -x, | -
- | - | qua< T, Q > const & | -y | -
- | ) | -- |
Returns dot product of q1 and q2, i.e., q1[0] * q2[0] + q1[1] * q2[1] + ...
-T | Floating-point scalar types. |
Q | Value from qualifier enum |
GLM_FUNC_DECL T glm::length | -( | -qua< T, Q > const & | -q | ) | -- |
Returns the norm of a quaternions.
-T | Floating-point scalar types |
Q | Value from qualifier enum |
GLM_FUNC_DECL qua<T, Q> glm::normalize | -( | -qua< T, Q > const & | -q | ) | -- |
Returns the normalized quaternion.
-T | Floating-point scalar types |
Q | Value from qualifier enum |
![]() |
-
- 0.9.9 API documentation
-
- |
-
Exposes comparison functions for quaternion types that take a user defined epsilon values. -More...
--Functions | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL vec< 4, bool, Q > | equal (qua< T, Q > const &x, qua< T, Q > const &y) |
Returns the component-wise comparison of result x == y. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL vec< 4, bool, Q > | equal (qua< T, Q > const &x, qua< T, Q > const &y, T epsilon) |
Returns the component-wise comparison of |x - y| < epsilon. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL vec< 4, bool, Q > | notEqual (qua< T, Q > const &x, qua< T, Q > const &y) |
Returns the component-wise comparison of result x != y. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL vec< 4, bool, Q > | notEqual (qua< T, Q > const &x, qua< T, Q > const &y, T epsilon) |
Returns the component-wise comparison of |x - y| >= epsilon. More... | |
Exposes comparison functions for quaternion types that take a user defined epsilon values.
-Include <glm/ext/quaternion_relational.hpp> to use the features of this extension.
-GLM_FUNC_DECL vec<4, bool, Q> glm::equal | -( | -qua< T, Q > const & | -x, | -
- | - | qua< T, Q > const & | -y | -
- | ) | -- |
Returns the component-wise comparison of result x == y.
-T | Floating-point scalar types |
Q | Value from qualifier enum |
GLM_FUNC_DECL vec<4, bool, Q> glm::equal | -( | -qua< T, Q > const & | -x, | -
- | - | qua< T, Q > const & | -y, | -
- | - | T | -epsilon | -
- | ) | -- |
Returns the component-wise comparison of |x - y| < epsilon.
-T | Floating-point scalar types |
Q | Value from qualifier enum |
GLM_FUNC_DECL vec<4, bool, Q> glm::notEqual | -( | -qua< T, Q > const & | -x, | -
- | - | qua< T, Q > const & | -y | -
- | ) | -- |
Returns the component-wise comparison of result x != y.
-T | Floating-point scalar types |
Q | Value from qualifier enum |
GLM_FUNC_DECL vec<4, bool, Q> glm::notEqual | -( | -qua< T, Q > const & | -x, | -
- | - | qua< T, Q > const & | -y, | -
- | - | T | -epsilon | -
- | ) | -- |
Returns the component-wise comparison of |x - y| >= epsilon.
-T | Floating-point scalar types |
Q | Value from qualifier enum |
![]() |
-
- 0.9.9 API documentation
-
- |
-
Provides transformation functions for quaternion types. -More...
--Functions | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL qua< T, Q > | exp (qua< T, Q > const &q) |
Returns a exponential of a quaternion. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL qua< T, Q > | log (qua< T, Q > const &q) |
Returns a logarithm of a quaternion. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL qua< T, Q > | pow (qua< T, Q > const &q, T y) |
Returns a quaternion raised to a power. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL qua< T, Q > | rotate (qua< T, Q > const &q, T const &angle, vec< 3, T, Q > const &axis) |
Rotates a quaternion from a vector of 3 components axis and an angle. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL qua< T, Q > | sqrt (qua< T, Q > const &q) |
Returns the square root of a quaternion. More... | |
Provides transformation functions for quaternion types.
-Include <glm/ext/quaternion_transform.hpp> to use the features of this extension.
-GLM_FUNC_DECL qua<T, Q> glm::exp | -( | -qua< T, Q > const & | -q | ) | -- |
Returns a exponential of a quaternion.
-T | A floating-point scalar type |
Q | A value from qualifier enum |
GLM_FUNC_DECL qua<T, Q> glm::log | -( | -qua< T, Q > const & | -q | ) | -- |
Returns a logarithm of a quaternion.
-T | A floating-point scalar type |
Q | A value from qualifier enum |
GLM_FUNC_DECL qua<T, Q> glm::pow | -( | -qua< T, Q > const & | -q, | -
- | - | T | -y | -
- | ) | -- |
Returns a quaternion raised to a power.
-T | A floating-point scalar type |
Q | A value from qualifier enum |
GLM_FUNC_DECL qua<T, Q> glm::rotate | -( | -qua< T, Q > const & | -q, | -
- | - | T const & | -angle, | -
- | - | vec< 3, T, Q > const & | -axis | -
- | ) | -- |
Rotates a quaternion from a vector of 3 components axis and an angle.
-q | Source orientation |
angle | Angle expressed in radians. |
axis | Axis of the rotation |
T | Floating-point scalar types |
Q | Value from qualifier enum |
GLM_FUNC_DECL qua<T, Q> glm::sqrt | -( | -qua< T, Q > const & | -q | ) | -- |
Returns the square root of a quaternion.
-T | A floating-point scalar type |
Q | A value from qualifier enum |
![]() |
-
- 0.9.9 API documentation
-
- |
-
Provides trigonometric functions for quaternion types. -More...
--Functions | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL T | angle (qua< T, Q > const &x) |
Returns the quaternion rotation angle. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL qua< T, Q > | angleAxis (T const &angle, vec< 3, T, Q > const &axis) |
Build a quaternion from an angle and a normalized axis. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL vec< 3, T, Q > | axis (qua< T, Q > const &x) |
Returns the q rotation axis. More... | |
Provides trigonometric functions for quaternion types.
-Include <glm/ext/quaternion_trigonometric.hpp> to use the features of this extension.
-GLM_FUNC_DECL T glm::angle | -( | -qua< T, Q > const & | -x | ) | -- |
Returns the quaternion rotation angle.
-T | A floating-point scalar type |
Q | A value from qualifier enum |
GLM_FUNC_DECL qua<T, Q> glm::angleAxis | -( | -T const & | -angle, | -
- | - | vec< 3, T, Q > const & | -axis | -
- | ) | -- |
Build a quaternion from an angle and a normalized axis.
-angle | Angle expressed in radians. |
axis | Axis of the quaternion, must be normalized. |
T | A floating-point scalar type |
Q | A value from qualifier enum |
GLM_FUNC_DECL vec<3, T, Q> glm::axis | -( | -qua< T, Q > const & | -x | ) | -- |
Returns the q rotation axis.
-T | A floating-point scalar type |
Q | A value from qualifier enum |
![]() |
-
- 0.9.9 API documentation
-
- |
-
Exposes min and max functions for 3 to 4 scalar parameters. -More...
--Functions | |
template<typename T > | |
GLM_FUNC_DECL T | fmax (T a, T b) |
Returns the maximum component-wise values of 2 inputs. More... | |
template<typename T > | |
GLM_FUNC_DECL T | fmax (T a, T b, T C) |
Returns the maximum component-wise values of 3 inputs. More... | |
template<typename T > | |
GLM_FUNC_DECL T | fmax (T a, T b, T C, T D) |
Returns the maximum component-wise values of 4 inputs. More... | |
template<typename T > | |
GLM_FUNC_DECL T | fmin (T a, T b) |
Returns the minimum component-wise values of 2 inputs. More... | |
template<typename T > | |
GLM_FUNC_DECL T | fmin (T a, T b, T c) |
Returns the minimum component-wise values of 3 inputs. More... | |
template<typename T > | |
GLM_FUNC_DECL T | fmin (T a, T b, T c, T d) |
Returns the minimum component-wise values of 4 inputs. More... | |
template<typename T > | |
GLM_FUNC_DECL T | max (T a, T b, T c) |
Returns the maximum component-wise values of 3 inputs. More... | |
template<typename T > | |
GLM_FUNC_DECL T | max (T a, T b, T c, T d) |
Returns the maximum component-wise values of 4 inputs. More... | |
template<typename T > | |
GLM_FUNC_DECL T | min (T a, T b, T c) |
Returns the minimum component-wise values of 3 inputs. More... | |
template<typename T > | |
GLM_FUNC_DECL T | min (T a, T b, T c, T d) |
Returns the minimum component-wise values of 4 inputs. More... | |
Exposes min and max functions for 3 to 4 scalar parameters.
-Include <glm/ext/scalar_common.hpp> to use the features of this extension.
-GLM_FUNC_DECL T glm::fmax | -( | -T | -a, | -
- | - | T | -b | -
- | ) | -- |
Returns the maximum component-wise values of 2 inputs.
-If one of the two arguments is NaN, the value of the other argument is returned.
-T | A floating-point scalar type. |
GLM_FUNC_DECL T glm::fmax | -( | -T | -a, | -
- | - | T | -b, | -
- | - | T | -C | -
- | ) | -- |
Returns the maximum component-wise values of 3 inputs.
-If one of the two arguments is NaN, the value of the other argument is returned.
-T | A floating-point scalar type. |
GLM_FUNC_DECL T glm::fmax | -( | -T | -a, | -
- | - | T | -b, | -
- | - | T | -C, | -
- | - | T | -D | -
- | ) | -- |
Returns the maximum component-wise values of 4 inputs.
-If one of the two arguments is NaN, the value of the other argument is returned.
-T | A floating-point scalar type. |
GLM_FUNC_DECL T glm::fmin | -( | -T | -a, | -
- | - | T | -b | -
- | ) | -- |
Returns the minimum component-wise values of 2 inputs.
-If one of the two arguments is NaN, the value of the other argument is returned.
-T | A floating-point scalar type. |
GLM_FUNC_DECL T glm::fmin | -( | -T | -a, | -
- | - | T | -b, | -
- | - | T | -c | -
- | ) | -- |
Returns the minimum component-wise values of 3 inputs.
-If one of the two arguments is NaN, the value of the other argument is returned.
-T | A floating-point scalar type. |
GLM_FUNC_DECL T glm::fmin | -( | -T | -a, | -
- | - | T | -b, | -
- | - | T | -c, | -
- | - | T | -d | -
- | ) | -- |
Returns the minimum component-wise values of 4 inputs.
-If one of the two arguments is NaN, the value of the other argument is returned.
-T | A floating-point scalar type. |
GLM_FUNC_DECL T glm::max | -( | -T | -a, | -
- | - | T | -b, | -
- | - | T | -c | -
- | ) | -- |
Returns the maximum component-wise values of 3 inputs.
-T | A floating-point scalar type. |
GLM_FUNC_DECL T glm::max | -( | -T | -a, | -
- | - | T | -b, | -
- | - | T | -c, | -
- | - | T | -d | -
- | ) | -- |
Returns the maximum component-wise values of 4 inputs.
-T | A floating-point scalar type. |
GLM_FUNC_DECL T glm::min | -( | -T | -a, | -
- | - | T | -b, | -
- | - | T | -c | -
- | ) | -- |
Returns the minimum component-wise values of 3 inputs.
-T | A floating-point scalar type. |
GLM_FUNC_DECL T glm::min | -( | -T | -a, | -
- | - | T | -b, | -
- | - | T | -c, | -
- | - | T | -d | -
- | ) | -- |
Returns the minimum component-wise values of 4 inputs.
-T | A floating-point scalar type. |
![]() |
-
- 0.9.9 API documentation
-
- |
-
Provides a list of constants and precomputed useful values. -More...
--Functions | |
-template<typename genType > | |
GLM_FUNC_DECL GLM_CONSTEXPR genType | epsilon () |
Return the epsilon constant for floating point types. | |
-template<typename genType > | |
GLM_FUNC_DECL GLM_CONSTEXPR genType | pi () |
Return the pi constant for floating point types. | |
Provides a list of constants and precomputed useful values.
-Include <glm/ext/scalar_constants.hpp> to use the features of this extension.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
Exposes sized signed integer scalar types. -More...
--Typedefs | |
-typedef detail::int16 | int16 |
16 bit signed integer type. | |
-typedef detail::int32 | int32 |
32 bit signed integer type. | |
-typedef detail::int64 | int64 |
64 bit signed integer type. | |
-typedef detail::int8 | int8 |
8 bit signed integer type. | |
Exposes sized signed integer scalar types.
-Include <glm/ext/scalar_int_sized.hpp> to use the features of this extension.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
Include <glm/ext/scalar_integer.hpp> to use the features of this extension. -More...
--Functions | |
template<typename genIUType > | |
GLM_FUNC_DECL int | findNSB (genIUType x, int significantBitCount) |
Returns the bit number of the Nth significant bit set to 1 in the binary representation of value. More... | |
template<typename genIUType > | |
GLM_FUNC_DECL bool | isMultiple (genIUType v, genIUType Multiple) |
Return true if the 'Value' is a multiple of 'Multiple'. More... | |
template<typename genIUType > | |
GLM_FUNC_DECL bool | isPowerOfTwo (genIUType v) |
Return true if the value is a power of two number. More... | |
template<typename genIUType > | |
GLM_FUNC_DECL genIUType | nextMultiple (genIUType v, genIUType Multiple) |
Higher multiple number of Source. More... | |
template<typename genIUType > | |
GLM_FUNC_DECL genIUType | nextPowerOfTwo (genIUType v) |
Return the power of two number which value is just higher the input value, round up to a power of two. More... | |
template<typename genIUType > | |
GLM_FUNC_DECL genIUType | prevMultiple (genIUType v, genIUType Multiple) |
Lower multiple number of Source. More... | |
template<typename genIUType > | |
GLM_FUNC_DECL genIUType | prevPowerOfTwo (genIUType v) |
Return the power of two number which value is just lower the input value, round down to a power of two. More... | |
Include <glm/ext/scalar_integer.hpp> to use the features of this extension.
-GLM_FUNC_DECL int glm::findNSB | -( | -genIUType | -x, | -
- | - | int | -significantBitCount | -
- | ) | -- |
Returns the bit number of the Nth significant bit set to 1 in the binary representation of value.
-If value bitcount is less than the Nth significant bit, -1 will be returned.
-genIUType | Signed or unsigned integer scalar types. |
GLM_FUNC_DECL bool glm::isMultiple | -( | -genIUType | -v, | -
- | - | genIUType | -Multiple | -
- | ) | -- |
Return true if the 'Value' is a multiple of 'Multiple'.
-GLM_FUNC_DECL bool glm::isPowerOfTwo | -( | -genIUType | -v | ) | -- |
Return true if the value is a power of two number.
-GLM_FUNC_DECL genIUType glm::nextMultiple | -( | -genIUType | -v, | -
- | - | genIUType | -Multiple | -
- | ) | -- |
Higher multiple number of Source.
-genIUType | Integer scalar or vector types. |
v | Source value to which is applied the function |
Multiple | Must be a null or positive value |
GLM_FUNC_DECL genIUType glm::nextPowerOfTwo | -( | -genIUType | -v | ) | -- |
Return the power of two number which value is just higher the input value, round up to a power of two.
-GLM_FUNC_DECL genIUType glm::prevMultiple | -( | -genIUType | -v, | -
- | - | genIUType | -Multiple | -
- | ) | -- |
Lower multiple number of Source.
-genIUType | Integer scalar or vector types. |
v | Source value to which is applied the function |
Multiple | Must be a null or positive value |
GLM_FUNC_DECL genIUType glm::prevPowerOfTwo | -( | -genIUType | -v | ) | -- |
Return the power of two number which value is just lower the input value, round down to a power of two.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
Exposes comparison functions for scalar types that take a user defined epsilon values. -More...
-Exposes comparison functions for scalar types that take a user defined epsilon values.
-Include <glm/ext/scalar_relational.hpp> to use the features of this extension.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
Exposes sized unsigned integer scalar types. -More...
--Typedefs | |
-typedef detail::uint16 | uint16 |
16 bit unsigned integer type. | |
-typedef detail::uint32 | uint32 |
32 bit unsigned integer type. | |
-typedef detail::uint64 | uint64 |
64 bit unsigned integer type. | |
-typedef detail::uint8 | uint8 |
8 bit unsigned integer type. | |
Exposes sized unsigned integer scalar types.
-Include <glm/ext/scalar_uint_sized.hpp> to use the features of this extension.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
Allow the measurement of the accuracy of a function against a reference implementation. -More...
-Allow the measurement of the accuracy of a function against a reference implementation.
-This extension works on floating-point data and provide results in ULP.
-Include <glm/ext/scalar_ulp.hpp> to use the features of this extension.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
Exposes bvec1 vector type. -More...
--Typedefs | |
-typedef vec< 1, bool, defaultp > | bvec1 |
1 components vector of boolean. | |
Exposes bvec1 vector type.
-Include <glm/ext/vector_bool1.hpp> to use the features of this extension.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
Exposes highp_bvec1, mediump_bvec1 and lowp_bvec1 types. -More...
--Typedefs | |
-typedef vec< 1, bool, highp > | highp_bvec1 |
1 component vector of bool values. | |
-typedef vec< 1, bool, lowp > | lowp_bvec1 |
1 component vector of bool values. | |
-typedef vec< 1, bool, mediump > | mediump_bvec1 |
1 component vector of bool values. | |
Exposes highp_bvec1, mediump_bvec1 and lowp_bvec1 types.
-Include <glm/ext/vector_bool1_precision.hpp> to use the features of this extension.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
Exposes min and max functions for 3 to 4 vector parameters. -More...
--Functions | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, T, Q > | fmax (vec< L, T, Q > const &a, T b) |
Returns y if x < y; otherwise, it returns x. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, T, Q > | fmax (vec< L, T, Q > const &a, vec< L, T, Q > const &b) |
Returns y if x < y; otherwise, it returns x. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, T, Q > | fmax (vec< L, T, Q > const &a, vec< L, T, Q > const &b, vec< L, T, Q > const &c) |
Returns y if x < y; otherwise, it returns x. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, T, Q > | fmax (vec< L, T, Q > const &a, vec< L, T, Q > const &b, vec< L, T, Q > const &c, vec< L, T, Q > const &d) |
Returns y if x < y; otherwise, it returns x. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, T, Q > | fmin (vec< L, T, Q > const &x, T y) |
Returns y if y < x; otherwise, it returns x. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, T, Q > | fmin (vec< L, T, Q > const &x, vec< L, T, Q > const &y) |
Returns y if y < x; otherwise, it returns x. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, T, Q > | fmin (vec< L, T, Q > const &a, vec< L, T, Q > const &b, vec< L, T, Q > const &c) |
Returns y if y < x; otherwise, it returns x. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, T, Q > | fmin (vec< L, T, Q > const &a, vec< L, T, Q > const &b, vec< L, T, Q > const &c, vec< L, T, Q > const &d) |
Returns y if y < x; otherwise, it returns x. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL GLM_CONSTEXPR vec< L, T, Q > | max (vec< L, T, Q > const &x, vec< L, T, Q > const &y, vec< L, T, Q > const &z) |
Return the maximum component-wise values of 3 inputs. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL GLM_CONSTEXPR vec< L, T, Q > | max (vec< L, T, Q > const &x, vec< L, T, Q > const &y, vec< L, T, Q > const &z, vec< L, T, Q > const &w) |
Return the maximum component-wise values of 4 inputs. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL GLM_CONSTEXPR vec< L, T, Q > | min (vec< L, T, Q > const &a, vec< L, T, Q > const &b, vec< L, T, Q > const &c) |
Return the minimum component-wise values of 3 inputs. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL GLM_CONSTEXPR vec< L, T, Q > | min (vec< L, T, Q > const &a, vec< L, T, Q > const &b, vec< L, T, Q > const &c, vec< L, T, Q > const &d) |
Return the minimum component-wise values of 4 inputs. More... | |
Exposes min and max functions for 3 to 4 vector parameters.
-Include <glm/ext/vector_common.hpp> to use the features of this extension.
-GLM_FUNC_DECL vec<L, T, Q> glm::fmax | -( | -vec< L, T, Q > const & | -a, | -
- | - | T | -b | -
- | ) | -- |
Returns y if x < y; otherwise, it returns x.
-If one of the two arguments is NaN, the value of the other argument is returned.
-L | Integer between 1 and 4 included that qualify the dimension of the vector |
T | Floating-point scalar types |
Q | Value from qualifier enum |
GLM_FUNC_DECL vec<L, T, Q> glm::fmax | -( | -vec< L, T, Q > const & | -a, | -
- | - | vec< L, T, Q > const & | -b | -
- | ) | -- |
Returns y if x < y; otherwise, it returns x.
-If one of the two arguments is NaN, the value of the other argument is returned.
-L | Integer between 1 and 4 included that qualify the dimension of the vector |
T | Floating-point scalar types |
Q | Value from qualifier enum |
GLM_FUNC_DECL vec<L, T, Q> glm::fmax | -( | -vec< L, T, Q > const & | -a, | -
- | - | vec< L, T, Q > const & | -b, | -
- | - | vec< L, T, Q > const & | -c | -
- | ) | -- |
Returns y if x < y; otherwise, it returns x.
-If one of the two arguments is NaN, the value of the other argument is returned.
-L | Integer between 1 and 4 included that qualify the dimension of the vector |
T | Floating-point scalar types |
Q | Value from qualifier enum |
GLM_FUNC_DECL vec<L, T, Q> glm::fmax | -( | -vec< L, T, Q > const & | -a, | -
- | - | vec< L, T, Q > const & | -b, | -
- | - | vec< L, T, Q > const & | -c, | -
- | - | vec< L, T, Q > const & | -d | -
- | ) | -- |
Returns y if x < y; otherwise, it returns x.
-If one of the two arguments is NaN, the value of the other argument is returned.
-L | Integer between 1 and 4 included that qualify the dimension of the vector |
T | Floating-point scalar types |
Q | Value from qualifier enum |
GLM_FUNC_DECL vec<L, T, Q> glm::fmin | -( | -vec< L, T, Q > const & | -x, | -
- | - | T | -y | -
- | ) | -- |
Returns y if y < x; otherwise, it returns x.
-If one of the two arguments is NaN, the value of the other argument is returned.
-L | Integer between 1 and 4 included that qualify the dimension of the vector |
T | Floating-point scalar types |
Q | Value from qualifier enum |
GLM_FUNC_DECL vec<L, T, Q> glm::fmin | -( | -vec< L, T, Q > const & | -x, | -
- | - | vec< L, T, Q > const & | -y | -
- | ) | -- |
Returns y if y < x; otherwise, it returns x.
-If one of the two arguments is NaN, the value of the other argument is returned.
-L | Integer between 1 and 4 included that qualify the dimension of the vector |
T | Floating-point scalar types |
Q | Value from qualifier enum |
GLM_FUNC_DECL vec<L, T, Q> glm::fmin | -( | -vec< L, T, Q > const & | -a, | -
- | - | vec< L, T, Q > const & | -b, | -
- | - | vec< L, T, Q > const & | -c | -
- | ) | -- |
Returns y if y < x; otherwise, it returns x.
-If one of the two arguments is NaN, the value of the other argument is returned.
-L | Integer between 1 and 4 included that qualify the dimension of the vector |
T | Floating-point scalar types |
Q | Value from qualifier enum |
GLM_FUNC_DECL vec<L, T, Q> glm::fmin | -( | -vec< L, T, Q > const & | -a, | -
- | - | vec< L, T, Q > const & | -b, | -
- | - | vec< L, T, Q > const & | -c, | -
- | - | vec< L, T, Q > const & | -d | -
- | ) | -- |
Returns y if y < x; otherwise, it returns x.
-If one of the two arguments is NaN, the value of the other argument is returned.
-L | Integer between 1 and 4 included that qualify the dimension of the vector |
T | Floating-point scalar types |
Q | Value from qualifier enum |
GLM_FUNC_DECL GLM_CONSTEXPR vec<L, T, Q> glm::max | -( | -vec< L, T, Q > const & | -x, | -
- | - | vec< L, T, Q > const & | -y, | -
- | - | vec< L, T, Q > const & | -z | -
- | ) | -- |
Return the maximum component-wise values of 3 inputs.
-L | Integer between 1 and 4 included that qualify the dimension of the vector |
T | Floating-point or integer scalar types |
Q | Value from qualifier enum |
GLM_FUNC_DECL GLM_CONSTEXPR vec<L, T, Q> glm::max | -( | -vec< L, T, Q > const & | -x, | -
- | - | vec< L, T, Q > const & | -y, | -
- | - | vec< L, T, Q > const & | -z, | -
- | - | vec< L, T, Q > const & | -w | -
- | ) | -- |
Return the maximum component-wise values of 4 inputs.
-L | Integer between 1 and 4 included that qualify the dimension of the vector |
T | Floating-point or integer scalar types |
Q | Value from qualifier enum |
GLM_FUNC_DECL GLM_CONSTEXPR vec<L, T, Q> glm::min | -( | -vec< L, T, Q > const & | -a, | -
- | - | vec< L, T, Q > const & | -b, | -
- | - | vec< L, T, Q > const & | -c | -
- | ) | -- |
Return the minimum component-wise values of 3 inputs.
-L | Integer between 1 and 4 included that qualify the dimension of the vector |
T | Floating-point or integer scalar types |
Q | Value from qualifier enum |
GLM_FUNC_DECL GLM_CONSTEXPR vec<L, T, Q> glm::min | -( | -vec< L, T, Q > const & | -a, | -
- | - | vec< L, T, Q > const & | -b, | -
- | - | vec< L, T, Q > const & | -c, | -
- | - | vec< L, T, Q > const & | -d | -
- | ) | -- |
Return the minimum component-wise values of 4 inputs.
-L | Integer between 1 and 4 included that qualify the dimension of the vector |
T | Floating-point or integer scalar types |
Q | Value from qualifier enum |
![]() |
-
- 0.9.9 API documentation
-
- |
-
Exposes double-precision floating point vector type with one component. -More...
--Typedefs | |
-typedef vec< 1, double, defaultp > | dvec1 |
1 components vector of double-precision floating-point numbers. | |
Exposes double-precision floating point vector type with one component.
-Include <glm/ext/vector_double1.hpp> to use the features of this extension.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
Exposes highp_dvec1, mediump_dvec1 and lowp_dvec1 types. -More...
--Typedefs | |
-typedef vec< 1, double, highp > | highp_dvec1 |
1 component vector of double-precision floating-point numbers using high precision arithmetic in term of ULPs. | |
-typedef vec< 1, double, lowp > | lowp_dvec1 |
1 component vector of double-precision floating-point numbers using low precision arithmetic in term of ULPs. | |
-typedef vec< 1, double, mediump > | mediump_dvec1 |
1 component vector of double-precision floating-point numbers using medium precision arithmetic in term of ULPs. | |
Exposes highp_dvec1, mediump_dvec1 and lowp_dvec1 types.
-Include <glm/ext/vector_double1_precision.hpp> to use the features of this extension.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
Exposes single-precision floating point vector type with one component. -More...
--Typedefs | |
-typedef vec< 1, float, defaultp > | vec1 |
1 components vector of single-precision floating-point numbers. | |
Exposes single-precision floating point vector type with one component.
-Include <glm/ext/vector_float1.hpp> to use the features of this extension.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
Exposes highp_vec1, mediump_vec1 and lowp_vec1 types. -More...
--Typedefs | |
-typedef vec< 1, float, highp > | highp_vec1 |
1 component vector of single-precision floating-point numbers using high precision arithmetic in term of ULPs. | |
-typedef vec< 1, float, lowp > | lowp_vec1 |
1 component vector of single-precision floating-point numbers using low precision arithmetic in term of ULPs. | |
-typedef vec< 1, float, mediump > | mediump_vec1 |
1 component vector of single-precision floating-point numbers using medium precision arithmetic in term of ULPs. | |
Exposes highp_vec1, mediump_vec1 and lowp_vec1 types.
-Include <glm/ext/vector_float1_precision.hpp> to use the features of this extension.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
Exposes ivec1 vector type. -More...
--Typedefs | |
-typedef vec< 1, int, defaultp > | ivec1 |
1 component vector of signed integer numbers. | |
Exposes ivec1 vector type.
-Include <glm/ext/vector_int1.hpp> to use the features of this extension.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
Exposes highp_ivec1, mediump_ivec1 and lowp_ivec1 types. -More...
--Typedefs | |
-typedef vec< 1, int, highp > | highp_ivec1 |
1 component vector of signed integer values. | |
-typedef vec< 1, int, lowp > | lowp_ivec1 |
1 component vector of signed integer values. | |
-typedef vec< 1, int, mediump > | mediump_ivec1 |
1 component vector of signed integer values. | |
Exposes highp_ivec1, mediump_ivec1 and lowp_ivec1 types.
-Include <glm/ext/vector_int1_precision.hpp> to use the features of this extension.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
Include <glm/ext/vector_integer.hpp> to use the features of this extension. -More...
--Functions | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, int, Q > | findNSB (vec< L, T, Q > const &Source, vec< L, int, Q > SignificantBitCount) |
Returns the bit number of the Nth significant bit set to 1 in the binary representation of value. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, bool, Q > | isMultiple (vec< L, T, Q > const &v, T Multiple) |
Return true if the 'Value' is a multiple of 'Multiple'. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, bool, Q > | isMultiple (vec< L, T, Q > const &v, vec< L, T, Q > const &Multiple) |
Return true if the 'Value' is a multiple of 'Multiple'. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, bool, Q > | isPowerOfTwo (vec< L, T, Q > const &v) |
Return true if the value is a power of two number. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, T, Q > | nextMultiple (vec< L, T, Q > const &v, T Multiple) |
Higher multiple number of Source. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, T, Q > | nextMultiple (vec< L, T, Q > const &v, vec< L, T, Q > const &Multiple) |
Higher multiple number of Source. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, T, Q > | nextPowerOfTwo (vec< L, T, Q > const &v) |
Return the power of two number which value is just higher the input value, round up to a power of two. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, T, Q > | prevMultiple (vec< L, T, Q > const &v, T Multiple) |
Lower multiple number of Source. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, T, Q > | prevMultiple (vec< L, T, Q > const &v, vec< L, T, Q > const &Multiple) |
Lower multiple number of Source. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, T, Q > | prevPowerOfTwo (vec< L, T, Q > const &v) |
Return the power of two number which value is just lower the input value, round down to a power of two. More... | |
Include <glm/ext/vector_integer.hpp> to use the features of this extension.
-GLM_FUNC_DECL vec<L, int, Q> glm::findNSB | -( | -vec< L, T, Q > const & | -Source, | -
- | - | vec< L, int, Q > | -SignificantBitCount | -
- | ) | -- |
Returns the bit number of the Nth significant bit set to 1 in the binary representation of value.
-If value bitcount is less than the Nth significant bit, -1 will be returned.
-L | An integer between 1 and 4 included that qualify the dimension of the vector. |
T | Signed or unsigned integer scalar types. |
GLM_FUNC_DECL vec<L, bool, Q> glm::isMultiple | -( | -vec< L, T, Q > const & | -v, | -
- | - | T | -Multiple | -
- | ) | -- |
Return true if the 'Value' is a multiple of 'Multiple'.
-L | Integer between 1 and 4 included that qualify the dimension of the vector |
T | Signed or unsigned integer scalar types. |
Q | Value from qualifier enum |
GLM_FUNC_DECL vec<L, bool, Q> glm::isMultiple | -( | -vec< L, T, Q > const & | -v, | -
- | - | vec< L, T, Q > const & | -Multiple | -
- | ) | -- |
Return true if the 'Value' is a multiple of 'Multiple'.
-L | Integer between 1 and 4 included that qualify the dimension of the vector |
T | Signed or unsigned integer scalar types. |
Q | Value from qualifier enum |
GLM_FUNC_DECL vec<L, bool, Q> glm::isPowerOfTwo | -( | -vec< L, T, Q > const & | -v | ) | -- |
Return true if the value is a power of two number.
-L | Integer between 1 and 4 included that qualify the dimension of the vector |
T | Signed or unsigned integer scalar types. |
Q | Value from qualifier enum |
GLM_FUNC_DECL vec<L, T, Q> glm::nextMultiple | -( | -vec< L, T, Q > const & | -v, | -
- | - | T | -Multiple | -
- | ) | -- |
Higher multiple number of Source.
-L | Integer between 1 and 4 included that qualify the dimension of the vector |
T | Signed or unsigned integer scalar types. |
Q | Value from qualifier enum |
v | Source values to which is applied the function |
Multiple | Must be a null or positive value |
GLM_FUNC_DECL vec<L, T, Q> glm::nextMultiple | -( | -vec< L, T, Q > const & | -v, | -
- | - | vec< L, T, Q > const & | -Multiple | -
- | ) | -- |
Higher multiple number of Source.
-L | Integer between 1 and 4 included that qualify the dimension of the vector |
T | Signed or unsigned integer scalar types. |
Q | Value from qualifier enum |
v | Source values to which is applied the function |
Multiple | Must be a null or positive value |
GLM_FUNC_DECL vec<L, T, Q> glm::nextPowerOfTwo | -( | -vec< L, T, Q > const & | -v | ) | -- |
Return the power of two number which value is just higher the input value, round up to a power of two.
-L | Integer between 1 and 4 included that qualify the dimension of the vector |
T | Signed or unsigned integer scalar types. |
Q | Value from qualifier enum |
GLM_FUNC_DECL vec<L, T, Q> glm::prevMultiple | -( | -vec< L, T, Q > const & | -v, | -
- | - | T | -Multiple | -
- | ) | -- |
Lower multiple number of Source.
-L | Integer between 1 and 4 included that qualify the dimension of the vector |
T | Signed or unsigned integer scalar types. |
Q | Value from qualifier enum |
v | Source values to which is applied the function |
Multiple | Must be a null or positive value |
GLM_FUNC_DECL vec<L, T, Q> glm::prevMultiple | -( | -vec< L, T, Q > const & | -v, | -
- | - | vec< L, T, Q > const & | -Multiple | -
- | ) | -- |
Lower multiple number of Source.
-L | Integer between 1 and 4 included that qualify the dimension of the vector |
T | Signed or unsigned integer scalar types. |
Q | Value from qualifier enum |
v | Source values to which is applied the function |
Multiple | Must be a null or positive value |
GLM_FUNC_DECL vec<L, T, Q> glm::prevPowerOfTwo | -( | -vec< L, T, Q > const & | -v | ) | -- |
Return the power of two number which value is just lower the input value, round down to a power of two.
-L | Integer between 1 and 4 included that qualify the dimension of the vector |
T | Signed or unsigned integer scalar types. |
Q | Value from qualifier enum |
![]() |
-
- 0.9.9 API documentation
-
- |
-
Exposes comparison functions for vector types that take a user defined epsilon values. -More...
--Functions | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL GLM_CONSTEXPR vec< L, bool, Q > | equal (vec< L, T, Q > const &x, vec< L, T, Q > const &y, T epsilon) |
Returns the component-wise comparison of |x - y| < epsilon. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL GLM_CONSTEXPR vec< L, bool, Q > | equal (vec< L, T, Q > const &x, vec< L, T, Q > const &y, vec< L, T, Q > const &epsilon) |
Returns the component-wise comparison of |x - y| < epsilon. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL GLM_CONSTEXPR vec< L, bool, Q > | equal (vec< L, T, Q > const &x, vec< L, T, Q > const &y, int ULPs) |
Returns the component-wise comparison between two vectors in term of ULPs. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL GLM_CONSTEXPR vec< L, bool, Q > | equal (vec< L, T, Q > const &x, vec< L, T, Q > const &y, vec< L, int, Q > const &ULPs) |
Returns the component-wise comparison between two vectors in term of ULPs. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL GLM_CONSTEXPR vec< L, bool, Q > | notEqual (vec< L, T, Q > const &x, vec< L, T, Q > const &y, T epsilon) |
Returns the component-wise comparison of |x - y| >= epsilon. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL GLM_CONSTEXPR vec< L, bool, Q > | notEqual (vec< L, T, Q > const &x, vec< L, T, Q > const &y, vec< L, T, Q > const &epsilon) |
Returns the component-wise comparison of |x - y| >= epsilon. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL GLM_CONSTEXPR vec< L, bool, Q > | notEqual (vec< L, T, Q > const &x, vec< L, T, Q > const &y, int ULPs) |
Returns the component-wise comparison between two vectors in term of ULPs. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL GLM_CONSTEXPR vec< L, bool, Q > | notEqual (vec< L, T, Q > const &x, vec< L, T, Q > const &y, vec< L, int, Q > const &ULPs) |
Returns the component-wise comparison between two vectors in term of ULPs. More... | |
Exposes comparison functions for vector types that take a user defined epsilon values.
-Include <glm/ext/vector_relational.hpp> to use the features of this extension.
-GLM_FUNC_DECL GLM_CONSTEXPR vec<L, bool, Q> glm::equal | -( | -vec< L, T, Q > const & | -x, | -
- | - | vec< L, T, Q > const & | -y, | -
- | - | T | -epsilon | -
- | ) | -- |
Returns the component-wise comparison of |x - y| < epsilon.
-True if this expression is satisfied.
-L | Integer between 1 and 4 included that qualify the dimension of the vector |
T | Floating-point or integer scalar types |
Q | Value from qualifier enum |
GLM_FUNC_DECL GLM_CONSTEXPR vec<L, bool, Q> glm::equal | -( | -vec< L, T, Q > const & | -x, | -
- | - | vec< L, T, Q > const & | -y, | -
- | - | vec< L, T, Q > const & | -epsilon | -
- | ) | -- |
Returns the component-wise comparison of |x - y| < epsilon.
-True if this expression is satisfied.
-L | Integer between 1 and 4 included that qualify the dimension of the vector |
T | Floating-point or integer scalar types |
Q | Value from qualifier enum |
GLM_FUNC_DECL GLM_CONSTEXPR vec<L, bool, Q> glm::equal | -( | -vec< L, T, Q > const & | -x, | -
- | - | vec< L, T, Q > const & | -y, | -
- | - | int | -ULPs | -
- | ) | -- |
Returns the component-wise comparison between two vectors in term of ULPs.
-True if this expression is satisfied.
-L | Integer between 1 and 4 included that qualify the dimension of the vector |
T | Floating-point |
Q | Value from qualifier enum |
GLM_FUNC_DECL GLM_CONSTEXPR vec<L, bool, Q> glm::equal | -( | -vec< L, T, Q > const & | -x, | -
- | - | vec< L, T, Q > const & | -y, | -
- | - | vec< L, int, Q > const & | -ULPs | -
- | ) | -- |
Returns the component-wise comparison between two vectors in term of ULPs.
-True if this expression is satisfied.
-L | Integer between 1 and 4 included that qualify the dimension of the vector |
T | Floating-point |
Q | Value from qualifier enum |
GLM_FUNC_DECL GLM_CONSTEXPR vec<L, bool, Q> glm::notEqual | -( | -vec< L, T, Q > const & | -x, | -
- | - | vec< L, T, Q > const & | -y, | -
- | - | T | -epsilon | -
- | ) | -- |
Returns the component-wise comparison of |x - y| >= epsilon.
-True if this expression is not satisfied.
-L | Integer between 1 and 4 included that qualify the dimension of the vector |
T | Floating-point or integer scalar types |
Q | Value from qualifier enum |
GLM_FUNC_DECL GLM_CONSTEXPR vec<L, bool, Q> glm::notEqual | -( | -vec< L, T, Q > const & | -x, | -
- | - | vec< L, T, Q > const & | -y, | -
- | - | vec< L, T, Q > const & | -epsilon | -
- | ) | -- |
Returns the component-wise comparison of |x - y| >= epsilon.
-True if this expression is not satisfied.
-L | Integer between 1 and 4 included that qualify the dimension of the vector |
T | Floating-point or integer scalar types |
Q | Value from qualifier enum |
GLM_FUNC_DECL GLM_CONSTEXPR vec<L, bool, Q> glm::notEqual | -( | -vec< L, T, Q > const & | -x, | -
- | - | vec< L, T, Q > const & | -y, | -
- | - | int | -ULPs | -
- | ) | -- |
Returns the component-wise comparison between two vectors in term of ULPs.
-True if this expression is not satisfied.
-L | Integer between 1 and 4 included that qualify the dimension of the vector |
T | Floating-point |
Q | Value from qualifier enum |
GLM_FUNC_DECL GLM_CONSTEXPR vec<L, bool, Q> glm::notEqual | -( | -vec< L, T, Q > const & | -x, | -
- | - | vec< L, T, Q > const & | -y, | -
- | - | vec< L, int, Q > const & | -ULPs | -
- | ) | -- |
Returns the component-wise comparison between two vectors in term of ULPs.
-True if this expression is not satisfied.
-L | Integer between 1 and 4 included that qualify the dimension of the vector |
T | Floating-point |
Q | Value from qualifier enum |
![]() |
-
- 0.9.9 API documentation
-
- |
-
Exposes uvec1 vector type. -More...
--Typedefs | |
-typedef vec< 1, unsigned int, defaultp > | uvec1 |
1 component vector of unsigned integer numbers. | |
Exposes uvec1 vector type.
-Include <glm/ext/vector_uvec1.hpp> to use the features of this extension.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
Exposes highp_uvec1, mediump_uvec1 and lowp_uvec1 types. -More...
--Typedefs | |
typedef vec< 1, unsigned int, highp > | highp_uvec1 |
1 component vector of unsigned integer values. More... | |
typedef vec< 1, unsigned int, lowp > | lowp_uvec1 |
1 component vector of unsigned integer values. More... | |
typedef vec< 1, unsigned int, mediump > | mediump_uvec1 |
1 component vector of unsigned integer values. More... | |
Exposes highp_uvec1, mediump_uvec1 and lowp_uvec1 types.
-Include <glm/ext/vector_uint1_precision.hpp> to use the features of this extension.
-typedef vec< 1, u32, highp > highp_uvec1 | -
1 component vector of unsigned integer values.
-Definition at line 27 of file vector_uint1_precision.hpp.
- -typedef vec< 1, u32, lowp > lowp_uvec1 | -
1 component vector of unsigned integer values.
-Definition at line 37 of file vector_uint1_precision.hpp.
- -typedef vec< 1, u32, mediump > mediump_uvec1 | -
1 component vector of unsigned integer values.
-Definition at line 32 of file vector_uint1_precision.hpp.
- -![]() |
-
- 0.9.9 API documentation
-
- |
-
Allow the measurement of the accuracy of a function against a reference implementation. -More...
-Allow the measurement of the accuracy of a function against a reference implementation.
-This extension works on floating-point data and provide results in ULP.
-Include <glm/ext/vector_ulp.hpp> to use the features of this extension.
- -![]() |
-
- 0.9.9 API documentation
-
- |
-
These operate on vectors as vectors, not component-wise. -More...
--Functions | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL vec< 3, T, Q > | cross (vec< 3, T, Q > const &x, vec< 3, T, Q > const &y) |
Returns the cross product of x and y. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL T | distance (vec< L, T, Q > const &p0, vec< L, T, Q > const &p1) |
Returns the distance betwwen p0 and p1, i.e., length(p0 - p1). More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL T | dot (vec< L, T, Q > const &x, vec< L, T, Q > const &y) |
Returns the dot product of x and y, i.e., result = x * y. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, T, Q > | faceforward (vec< L, T, Q > const &N, vec< L, T, Q > const &I, vec< L, T, Q > const &Nref) |
If dot(Nref, I) < 0.0, return N, otherwise, return -N. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL T | length (vec< L, T, Q > const &x) |
Returns the length of x, i.e., sqrt(x * x). More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, T, Q > | normalize (vec< L, T, Q > const &x) |
Returns a vector in the same direction as x but with length of 1. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, T, Q > | reflect (vec< L, T, Q > const &I, vec< L, T, Q > const &N) |
For the incident vector I and surface orientation N, returns the reflection direction : result = I - 2.0 * dot(N, I) * N. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, T, Q > | refract (vec< L, T, Q > const &I, vec< L, T, Q > const &N, T eta) |
For the incident vector I and surface normal N, and the ratio of indices of refraction eta, return the refraction vector. More... | |
These operate on vectors as vectors, not component-wise.
-Include <glm/geometric.hpp> to use these core features.
-GLM_FUNC_DECL vec<3, T, Q> glm::cross | -( | -vec< 3, T, Q > const & | -x, | -
- | - | vec< 3, T, Q > const & | -y | -
- | ) | -- |
Returns the cross product of x and y.
-T | Floating-point scalar types. |
GLM_FUNC_DECL T glm::distance | -( | -vec< L, T, Q > const & | -p0, | -
- | - | vec< L, T, Q > const & | -p1 | -
- | ) | -- |
Returns the distance betwwen p0 and p1, i.e., length(p0 - p1).
-L | An integer between 1 and 4 included that qualify the dimension of the vector. |
T | Floating-point scalar types. |
GLM_FUNC_DECL T glm::dot | -( | -vec< L, T, Q > const & | -x, | -
- | - | vec< L, T, Q > const & | -y | -
- | ) | -- |
Returns the dot product of x and y, i.e., result = x * y.
-L | An integer between 1 and 4 included that qualify the dimension of the vector. |
T | Floating-point scalar types. |
GLM_FUNC_DECL vec<L, T, Q> glm::faceforward | -( | -vec< L, T, Q > const & | -N, | -
- | - | vec< L, T, Q > const & | -I, | -
- | - | vec< L, T, Q > const & | -Nref | -
- | ) | -- |
If dot(Nref, I) < 0.0, return N, otherwise, return -N.
-L | An integer between 1 and 4 included that qualify the dimension of the vector. |
T | Floating-point scalar types. |
GLM_FUNC_DECL T glm::length | -( | -vec< L, T, Q > const & | -x | ) | -- |
Returns the length of x, i.e., sqrt(x * x).
-L | An integer between 1 and 4 included that qualify the dimension of the vector. |
T | Floating-point scalar types. |
GLM_FUNC_DECL vec<L, T, Q> glm::normalize | -( | -vec< L, T, Q > const & | -x | ) | -- |
Returns a vector in the same direction as x but with length of 1.
-According to issue 10 GLSL 1.10 specification, if length(x) == 0 then result is undefined and generate an error.
-L | An integer between 1 and 4 included that qualify the dimension of the vector. |
T | Floating-point scalar types. |
GLM_FUNC_DECL vec<L, T, Q> glm::reflect | -( | -vec< L, T, Q > const & | -I, | -
- | - | vec< L, T, Q > const & | -N | -
- | ) | -- |
For the incident vector I and surface orientation N, returns the reflection direction : result = I - 2.0 * dot(N, I) * N.
-L | An integer between 1 and 4 included that qualify the dimension of the vector. |
T | Floating-point scalar types. |
GLM_FUNC_DECL vec<L, T, Q> glm::refract | -( | -vec< L, T, Q > const & | -I, | -
- | - | vec< L, T, Q > const & | -N, | -
- | - | T | -eta | -
- | ) | -- |
For the incident vector I and surface normal N, and the ratio of indices of refraction eta, return the refraction vector.
-L | An integer between 1 and 4 included that qualify the dimension of the vector. |
T | Floating-point scalar types. |
![]() |
-
- 0.9.9 API documentation
-
- |
-
Features that implement in C++ the GLSL specification as closely as possible. -More...
--Modules | |
Common functions | |
Provides GLSL common functions. | |
Exponential functions | |
Provides GLSL exponential functions. | |
Geometric functions | |
These operate on vectors as vectors, not component-wise. | |
Vector types | |
Vector types of two to four components with an exhaustive set of operators. | |
Vector types with precision qualifiers | |
Vector types with precision qualifiers which may result in various precision in term of ULPs. | |
Matrix types | |
Matrix types of with C columns and R rows where C and R are values between 2 to 4 included. | |
Matrix types with precision qualifiers | |
Matrix types with precision qualifiers which may result in various precision in term of ULPs. | |
Integer functions | |
Provides GLSL functions on integer types. | |
Matrix functions | |
Provides GLSL matrix functions. | |
Floating-Point Pack and Unpack Functions | |
Provides GLSL functions to pack and unpack half, single and double-precision floating point values into more compact integer types. | |
Angle and Trigonometry Functions | |
Function parameters specified as angle are assumed to be in units of radians. | |
Vector Relational Functions | |
Relational and equality operators (<, <=, >, >=, ==, !=) are defined to operate on scalars and produce scalar Boolean results. | |
-Typedefs | |
typedef mat< 3, 2, float, defaultp > | mat3x2 |
3 columns of 2 components matrix of single-precision floating-point numbers. More... | |
Features that implement in C++ the GLSL specification as closely as possible.
-The GLM core consists of C++ types that mirror GLSL types and C++ functions that mirror the GLSL functions.
-The best documentation for GLM Core is the current GLSL specification, version 4.2 (pdf file).
-GLM core functionalities require <glm/glm.hpp> to be included to be used.
-typedef mat< 3, 2, f32, defaultp > mat3x2 | -
3 columns of 2 components matrix of single-precision floating-point numbers.
- - -Definition at line 15 of file matrix_float3x2.hpp.
- -![]() |
-
- 0.9.9 API documentation
-
- |
-
Vector types of two to four components with an exhaustive set of operators. -More...
--Typedefs | |
typedef vec< 2, bool, defaultp > | bvec2 |
2 components vector of boolean. More... | |
typedef vec< 3, bool, defaultp > | bvec3 |
3 components vector of boolean. More... | |
typedef vec< 4, bool, defaultp > | bvec4 |
4 components vector of boolean. More... | |
typedef vec< 2, double, defaultp > | dvec2 |
2 components vector of double-precision floating-point numbers. More... | |
typedef vec< 3, double, defaultp > | dvec3 |
3 components vector of double-precision floating-point numbers. More... | |
typedef vec< 4, double, defaultp > | dvec4 |
4 components vector of double-precision floating-point numbers. More... | |
typedef vec< 2, int, defaultp > | ivec2 |
2 components vector of signed integer numbers. More... | |
typedef vec< 3, int, defaultp > | ivec3 |
3 components vector of signed integer numbers. More... | |
typedef vec< 4, int, defaultp > | ivec4 |
4 components vector of signed integer numbers. More... | |
typedef vec< 2, unsigned int, defaultp > | uvec2 |
2 components vector of unsigned integer numbers. More... | |
typedef vec< 3, unsigned int, defaultp > | uvec3 |
3 components vector of unsigned integer numbers. More... | |
typedef vec< 4, unsigned int, defaultp > | uvec4 |
4 components vector of unsigned integer numbers. More... | |
typedef vec< 2, float, defaultp > | vec2 |
2 components vector of single-precision floating-point numbers. More... | |
typedef vec< 3, float, defaultp > | vec3 |
3 components vector of single-precision floating-point numbers. More... | |
typedef vec< 4, float, defaultp > | vec4 |
4 components vector of single-precision floating-point numbers. More... | |
Vector types of two to four components with an exhaustive set of operators.
-typedef vec< 2, bool, defaultp > bvec2 | -
2 components vector of boolean.
- - -Definition at line 15 of file vector_bool2.hpp.
- -typedef vec< 3, bool, defaultp > bvec3 | -
3 components vector of boolean.
- - -Definition at line 15 of file vector_bool3.hpp.
- -typedef vec< 4, bool, defaultp > bvec4 | -
4 components vector of boolean.
- - -Definition at line 15 of file vector_bool4.hpp.
- -typedef vec< 2, f64, defaultp > dvec2 | -
2 components vector of double-precision floating-point numbers.
- - -Definition at line 15 of file vector_double2.hpp.
- -typedef vec< 3, f64, defaultp > dvec3 | -
3 components vector of double-precision floating-point numbers.
- - -Definition at line 15 of file vector_double3.hpp.
- -typedef vec< 4, f64, defaultp > dvec4 | -
4 components vector of double-precision floating-point numbers.
- - -Definition at line 15 of file vector_double4.hpp.
- -typedef vec< 2, i32, defaultp > ivec2 | -
2 components vector of signed integer numbers.
- - -Definition at line 15 of file vector_int2.hpp.
- -typedef vec< 3, i32, defaultp > ivec3 | -
3 components vector of signed integer numbers.
- - -Definition at line 15 of file vector_int3.hpp.
- -typedef vec< 4, i32, defaultp > ivec4 | -
4 components vector of signed integer numbers.
- - -Definition at line 15 of file vector_int4.hpp.
- -typedef vec< 2, u32, defaultp > uvec2 | -
2 components vector of unsigned integer numbers.
- - -Definition at line 15 of file vector_uint2.hpp.
- -typedef vec< 3, u32, defaultp > uvec3 | -
3 components vector of unsigned integer numbers.
- - -Definition at line 15 of file vector_uint3.hpp.
- -typedef vec< 4, u32, defaultp > uvec4 | -
4 components vector of unsigned integer numbers.
- - -Definition at line 15 of file vector_uint4.hpp.
- -typedef vec< 2, float, defaultp > vec2 | -
2 components vector of single-precision floating-point numbers.
- - -Definition at line 15 of file vector_float2.hpp.
- -typedef vec< 3, float, defaultp > vec3 | -
3 components vector of single-precision floating-point numbers.
- - -Definition at line 15 of file vector_float3.hpp.
- -typedef vec< 4, float, defaultp > vec4 | -
4 components vector of single-precision floating-point numbers.
- - -Definition at line 15 of file vector_float4.hpp.
- -![]() |
-
- 0.9.9 API documentation
-
- |
-
Vector types with precision qualifiers which may result in various precision in term of ULPs. -More...
--Typedefs | |
typedef vec< 2, bool, highp > | highp_bvec2 |
2 components vector of high qualifier bool numbers. More... | |
typedef vec< 3, bool, highp > | highp_bvec3 |
3 components vector of high qualifier bool numbers. More... | |
typedef vec< 4, bool, highp > | highp_bvec4 |
4 components vector of high qualifier bool numbers. More... | |
typedef vec< 2, double, highp > | highp_dvec2 |
2 components vector of high double-qualifier floating-point numbers. More... | |
typedef vec< 3, double, highp > | highp_dvec3 |
3 components vector of high double-qualifier floating-point numbers. More... | |
typedef vec< 4, double, highp > | highp_dvec4 |
4 components vector of high double-qualifier floating-point numbers. More... | |
typedef vec< 2, int, highp > | highp_ivec2 |
2 components vector of high qualifier signed integer numbers. More... | |
typedef vec< 3, int, highp > | highp_ivec3 |
3 components vector of high qualifier signed integer numbers. More... | |
typedef vec< 4, int, highp > | highp_ivec4 |
4 components vector of high qualifier signed integer numbers. More... | |
typedef vec< 2, unsigned int, highp > | highp_uvec2 |
2 components vector of high qualifier unsigned integer numbers. More... | |
typedef vec< 3, unsigned int, highp > | highp_uvec3 |
3 components vector of high qualifier unsigned integer numbers. More... | |
typedef vec< 4, unsigned int, highp > | highp_uvec4 |
4 components vector of high qualifier unsigned integer numbers. More... | |
typedef vec< 2, float, highp > | highp_vec2 |
2 components vector of high single-qualifier floating-point numbers. More... | |
typedef vec< 3, float, highp > | highp_vec3 |
3 components vector of high single-qualifier floating-point numbers. More... | |
typedef vec< 4, float, highp > | highp_vec4 |
4 components vector of high single-qualifier floating-point numbers. More... | |
typedef vec< 2, bool, lowp > | lowp_bvec2 |
2 components vector of low qualifier bool numbers. More... | |
typedef vec< 3, bool, lowp > | lowp_bvec3 |
3 components vector of low qualifier bool numbers. More... | |
typedef vec< 4, bool, lowp > | lowp_bvec4 |
4 components vector of low qualifier bool numbers. More... | |
typedef vec< 2, double, lowp > | lowp_dvec2 |
2 components vector of low double-qualifier floating-point numbers. More... | |
typedef vec< 3, double, lowp > | lowp_dvec3 |
3 components vector of low double-qualifier floating-point numbers. More... | |
typedef vec< 4, double, lowp > | lowp_dvec4 |
4 components vector of low double-qualifier floating-point numbers. More... | |
typedef vec< 2, int, lowp > | lowp_ivec2 |
2 components vector of low qualifier signed integer numbers. More... | |
typedef vec< 3, int, lowp > | lowp_ivec3 |
3 components vector of low qualifier signed integer numbers. More... | |
typedef vec< 4, int, lowp > | lowp_ivec4 |
4 components vector of low qualifier signed integer numbers. More... | |
typedef vec< 2, unsigned int, lowp > | lowp_uvec2 |
2 components vector of low qualifier unsigned integer numbers. More... | |
typedef vec< 3, unsigned int, lowp > | lowp_uvec3 |
3 components vector of low qualifier unsigned integer numbers. More... | |
typedef vec< 4, unsigned int, lowp > | lowp_uvec4 |
4 components vector of low qualifier unsigned integer numbers. More... | |
typedef vec< 2, float, lowp > | lowp_vec2 |
2 components vector of low single-qualifier floating-point numbers. More... | |
typedef vec< 3, float, lowp > | lowp_vec3 |
3 components vector of low single-qualifier floating-point numbers. More... | |
typedef vec< 4, float, lowp > | lowp_vec4 |
4 components vector of low single-qualifier floating-point numbers. More... | |
typedef vec< 2, bool, mediump > | mediump_bvec2 |
2 components vector of medium qualifier bool numbers. More... | |
typedef vec< 3, bool, mediump > | mediump_bvec3 |
3 components vector of medium qualifier bool numbers. More... | |
typedef vec< 4, bool, mediump > | mediump_bvec4 |
4 components vector of medium qualifier bool numbers. More... | |
typedef vec< 2, double, mediump > | mediump_dvec2 |
2 components vector of medium double-qualifier floating-point numbers. More... | |
typedef vec< 3, double, mediump > | mediump_dvec3 |
3 components vector of medium double-qualifier floating-point numbers. More... | |
typedef vec< 4, double, mediump > | mediump_dvec4 |
4 components vector of medium double-qualifier floating-point numbers. More... | |
typedef vec< 2, int, mediump > | mediump_ivec2 |
2 components vector of medium qualifier signed integer numbers. More... | |
typedef vec< 3, int, mediump > | mediump_ivec3 |
3 components vector of medium qualifier signed integer numbers. More... | |
typedef vec< 4, int, mediump > | mediump_ivec4 |
4 components vector of medium qualifier signed integer numbers. More... | |
typedef vec< 2, unsigned int, mediump > | mediump_uvec2 |
2 components vector of medium qualifier unsigned integer numbers. More... | |
typedef vec< 3, unsigned int, mediump > | mediump_uvec3 |
3 components vector of medium qualifier unsigned integer numbers. More... | |
typedef vec< 4, unsigned int, mediump > | mediump_uvec4 |
4 components vector of medium qualifier unsigned integer numbers. More... | |
typedef vec< 2, float, mediump > | mediump_vec2 |
2 components vector of medium single-qualifier floating-point numbers. More... | |
typedef vec< 3, float, mediump > | mediump_vec3 |
3 components vector of medium single-qualifier floating-point numbers. More... | |
typedef vec< 4, float, mediump > | mediump_vec4 |
4 components vector of medium single-qualifier floating-point numbers. More... | |
Vector types with precision qualifiers which may result in various precision in term of ULPs.
-GLSL allows defining qualifiers for particular variables. With OpenGL's GLSL, these qualifiers have no effect; they are there for compatibility, with OpenGL ES's GLSL, these qualifiers do have an effect.
-C++ has no language equivalent to qualifier qualifiers. So GLM provides the next-best thing: a number of typedefs that use a particular qualifier.
-None of these types make any guarantees about the actual qualifier used.
-typedef vec< 2, bool, highp > highp_bvec2 | -
2 components vector of high qualifier bool numbers.
-Definition at line 16 of file vector_bool2_precision.hpp.
- -typedef vec< 3, bool, highp > highp_bvec3 | -
3 components vector of high qualifier bool numbers.
-Definition at line 16 of file vector_bool3_precision.hpp.
- -typedef vec< 4, bool, highp > highp_bvec4 | -
4 components vector of high qualifier bool numbers.
-Definition at line 16 of file vector_bool4_precision.hpp.
- -typedef vec< 2, f64, highp > highp_dvec2 | -
2 components vector of high double-qualifier floating-point numbers.
-Definition at line 16 of file vector_double2_precision.hpp.
- -typedef vec< 3, f64, highp > highp_dvec3 | -
3 components vector of high double-qualifier floating-point numbers.
-There is no guarantee on the actual qualifier.
-Definition at line 17 of file vector_double3_precision.hpp.
- -typedef vec< 4, f64, highp > highp_dvec4 | -
4 components vector of high double-qualifier floating-point numbers.
-There is no guarantee on the actual qualifier.
-Definition at line 18 of file vector_double4_precision.hpp.
- -typedef vec< 2, i32, highp > highp_ivec2 | -
2 components vector of high qualifier signed integer numbers.
-Definition at line 16 of file vector_int2_precision.hpp.
- -typedef vec< 3, i32, highp > highp_ivec3 | -
3 components vector of high qualifier signed integer numbers.
-Definition at line 16 of file vector_int3_precision.hpp.
- -typedef vec< 4, i32, highp > highp_ivec4 | -
4 components vector of high qualifier signed integer numbers.
-Definition at line 16 of file vector_int4_precision.hpp.
- -typedef vec< 2, u32, highp > highp_uvec2 | -
2 components vector of high qualifier unsigned integer numbers.
-Definition at line 16 of file vector_uint2_precision.hpp.
- -typedef vec< 3, u32, highp > highp_uvec3 | -
3 components vector of high qualifier unsigned integer numbers.
-Definition at line 16 of file vector_uint3_precision.hpp.
- -typedef vec< 4, u32, highp > highp_uvec4 | -
4 components vector of high qualifier unsigned integer numbers.
-Definition at line 16 of file vector_uint4_precision.hpp.
- -typedef vec< 2, float, highp > highp_vec2 | -
2 components vector of high single-qualifier floating-point numbers.
-Definition at line 16 of file vector_float2_precision.hpp.
- -typedef vec< 3, float, highp > highp_vec3 | -
3 components vector of high single-qualifier floating-point numbers.
-Definition at line 16 of file vector_float3_precision.hpp.
- -typedef vec< 4, float, highp > highp_vec4 | -
4 components vector of high single-qualifier floating-point numbers.
-Definition at line 16 of file vector_float4_precision.hpp.
- -typedef vec< 2, bool, lowp > lowp_bvec2 | -
2 components vector of low qualifier bool numbers.
-Definition at line 28 of file vector_bool2_precision.hpp.
- -typedef vec< 3, bool, lowp > lowp_bvec3 | -
3 components vector of low qualifier bool numbers.
-Definition at line 28 of file vector_bool3_precision.hpp.
- -typedef vec< 4, bool, lowp > lowp_bvec4 | -
4 components vector of low qualifier bool numbers.
-Definition at line 28 of file vector_bool4_precision.hpp.
- -typedef vec< 2, f64, lowp > lowp_dvec2 | -
2 components vector of low double-qualifier floating-point numbers.
-Definition at line 28 of file vector_double2_precision.hpp.
- -typedef vec< 3, f64, lowp > lowp_dvec3 | -
3 components vector of low double-qualifier floating-point numbers.
-There is no guarantee on the actual qualifier.
-Definition at line 31 of file vector_double3_precision.hpp.
- -typedef vec< 4, f64, lowp > lowp_dvec4 | -
4 components vector of low double-qualifier floating-point numbers.
-There is no guarantee on the actual qualifier.
-Definition at line 32 of file vector_double4_precision.hpp.
- -typedef vec< 2, i32, lowp > lowp_ivec2 | -
2 components vector of low qualifier signed integer numbers.
-Definition at line 28 of file vector_int2_precision.hpp.
- -typedef vec< 3, i32, lowp > lowp_ivec3 | -
3 components vector of low qualifier signed integer numbers.
-Definition at line 28 of file vector_int3_precision.hpp.
- -typedef vec< 4, i32, lowp > lowp_ivec4 | -
4 components vector of low qualifier signed integer numbers.
-Definition at line 28 of file vector_int4_precision.hpp.
- -typedef vec< 2, u32, lowp > lowp_uvec2 | -
2 components vector of low qualifier unsigned integer numbers.
-Definition at line 28 of file vector_uint2_precision.hpp.
- -typedef vec< 3, u32, lowp > lowp_uvec3 | -
3 components vector of low qualifier unsigned integer numbers.
-Definition at line 28 of file vector_uint3_precision.hpp.
- -typedef vec< 4, u32, lowp > lowp_uvec4 | -
4 components vector of low qualifier unsigned integer numbers.
-Definition at line 28 of file vector_uint4_precision.hpp.
- -typedef vec< 2, float, lowp > lowp_vec2 | -
2 components vector of low single-qualifier floating-point numbers.
-Definition at line 28 of file vector_float2_precision.hpp.
- -typedef vec< 3, float, lowp > lowp_vec3 | -
3 components vector of low single-qualifier floating-point numbers.
-Definition at line 28 of file vector_float3_precision.hpp.
- -typedef vec< 4, float, lowp > lowp_vec4 | -
4 components vector of low single-qualifier floating-point numbers.
-Definition at line 28 of file vector_float4_precision.hpp.
- -typedef vec< 2, bool, mediump > mediump_bvec2 | -
2 components vector of medium qualifier bool numbers.
-Definition at line 22 of file vector_bool2_precision.hpp.
- -typedef vec< 3, bool, mediump > mediump_bvec3 | -
3 components vector of medium qualifier bool numbers.
-Definition at line 22 of file vector_bool3_precision.hpp.
- -typedef vec< 4, bool, mediump > mediump_bvec4 | -
4 components vector of medium qualifier bool numbers.
-Definition at line 22 of file vector_bool4_precision.hpp.
- -typedef vec< 2, f64, mediump > mediump_dvec2 | -
2 components vector of medium double-qualifier floating-point numbers.
-Definition at line 22 of file vector_double2_precision.hpp.
- -typedef vec< 3, f64, mediump > mediump_dvec3 | -
3 components vector of medium double-qualifier floating-point numbers.
-There is no guarantee on the actual qualifier.
-Definition at line 24 of file vector_double3_precision.hpp.
- -typedef vec< 4, f64, mediump > mediump_dvec4 | -
4 components vector of medium double-qualifier floating-point numbers.
-There is no guarantee on the actual qualifier.
-Definition at line 25 of file vector_double4_precision.hpp.
- -typedef vec< 2, i32, mediump > mediump_ivec2 | -
2 components vector of medium qualifier signed integer numbers.
-Definition at line 22 of file vector_int2_precision.hpp.
- -typedef vec< 3, i32, mediump > mediump_ivec3 | -
3 components vector of medium qualifier signed integer numbers.
-Definition at line 22 of file vector_int3_precision.hpp.
- -typedef vec< 4, i32, mediump > mediump_ivec4 | -
4 components vector of medium qualifier signed integer numbers.
-Definition at line 22 of file vector_int4_precision.hpp.
- -typedef vec< 2, u32, mediump > mediump_uvec2 | -
2 components vector of medium qualifier unsigned integer numbers.
-Definition at line 22 of file vector_uint2_precision.hpp.
- -typedef vec< 3, u32, mediump > mediump_uvec3 | -
3 components vector of medium qualifier unsigned integer numbers.
-Definition at line 22 of file vector_uint3_precision.hpp.
- -typedef vec< 4, u32, mediump > mediump_uvec4 | -
4 components vector of medium qualifier unsigned integer numbers.
-Definition at line 22 of file vector_uint4_precision.hpp.
- -typedef vec< 2, float, mediump > mediump_vec2 | -
2 components vector of medium single-qualifier floating-point numbers.
-Definition at line 22 of file vector_float2_precision.hpp.
- -typedef vec< 3, float, mediump > mediump_vec3 | -
3 components vector of medium single-qualifier floating-point numbers.
-Definition at line 22 of file vector_float3_precision.hpp.
- -typedef vec< 4, float, mediump > mediump_vec4 | -
4 components vector of medium single-qualifier floating-point numbers.
-Definition at line 22 of file vector_float4_precision.hpp.
- -![]() |
-
- 0.9.9 API documentation
-
- |
-
Matrix types of with C columns and R rows where C and R are values between 2 to 4 included. -More...
--Typedefs | |
typedef mat< 2, 2, double, defaultp > | dmat2 |
2 columns of 2 components matrix of double-precision floating-point numbers. More... | |
typedef mat< 2, 2, double, defaultp > | dmat2x2 |
2 columns of 2 components matrix of double-precision floating-point numbers. More... | |
typedef mat< 2, 3, double, defaultp > | dmat2x3 |
2 columns of 3 components matrix of double-precision floating-point numbers. More... | |
typedef mat< 2, 4, double, defaultp > | dmat2x4 |
2 columns of 4 components matrix of double-precision floating-point numbers. More... | |
typedef mat< 3, 3, double, defaultp > | dmat3 |
3 columns of 3 components matrix of double-precision floating-point numbers. More... | |
typedef mat< 3, 2, double, defaultp > | dmat3x2 |
3 columns of 2 components matrix of double-precision floating-point numbers. More... | |
typedef mat< 3, 3, double, defaultp > | dmat3x3 |
3 columns of 3 components matrix of double-precision floating-point numbers. More... | |
typedef mat< 3, 4, double, defaultp > | dmat3x4 |
3 columns of 4 components matrix of double-precision floating-point numbers. More... | |
typedef mat< 4, 4, double, defaultp > | dmat4 |
4 columns of 4 components matrix of double-precision floating-point numbers. More... | |
typedef mat< 4, 2, double, defaultp > | dmat4x2 |
4 columns of 2 components matrix of double-precision floating-point numbers. More... | |
typedef mat< 4, 3, double, defaultp > | dmat4x3 |
4 columns of 3 components matrix of double-precision floating-point numbers. More... | |
typedef mat< 4, 4, double, defaultp > | dmat4x4 |
4 columns of 4 components matrix of double-precision floating-point numbers. More... | |
typedef mat< 2, 2, float, defaultp > | mat2 |
2 columns of 2 components matrix of single-precision floating-point numbers. More... | |
typedef mat< 2, 2, float, defaultp > | mat2x2 |
2 columns of 2 components matrix of single-precision floating-point numbers. More... | |
typedef mat< 2, 3, float, defaultp > | mat2x3 |
2 columns of 3 components matrix of single-precision floating-point numbers. More... | |
typedef mat< 2, 4, float, defaultp > | mat2x4 |
2 columns of 4 components matrix of single-precision floating-point numbers. More... | |
typedef mat< 3, 3, float, defaultp > | mat3 |
3 columns of 3 components matrix of single-precision floating-point numbers. More... | |
typedef mat< 3, 3, float, defaultp > | mat3x3 |
3 columns of 3 components matrix of single-precision floating-point numbers. More... | |
typedef mat< 3, 4, float, defaultp > | mat3x4 |
3 columns of 4 components matrix of single-precision floating-point numbers. More... | |
typedef mat< 4, 2, float, defaultp > | mat4x2 |
4 columns of 2 components matrix of single-precision floating-point numbers. More... | |
typedef mat< 4, 3, float, defaultp > | mat4x3 |
4 columns of 3 components matrix of single-precision floating-point numbers. More... | |
typedef mat< 4, 4, float, defaultp > | mat4x4 |
4 columns of 4 components matrix of single-precision floating-point numbers. More... | |
typedef mat< 4, 4, float, defaultp > | mat4 |
4 columns of 4 components matrix of single-precision floating-point numbers. More... | |
Matrix types of with C columns and R rows where C and R are values between 2 to 4 included.
-These types have exhaustive sets of operators.
-typedef mat< 2, 2, f64, defaultp > dmat2 | -
2 columns of 2 components matrix of double-precision floating-point numbers.
- - -Definition at line 20 of file matrix_double2x2.hpp.
- -typedef mat< 2, 2, double, defaultp > dmat2x2 | -
2 columns of 2 components matrix of double-precision floating-point numbers.
- - -Definition at line 15 of file matrix_double2x2.hpp.
- -typedef mat< 2, 3, double, defaultp > dmat2x3 | -
2 columns of 3 components matrix of double-precision floating-point numbers.
- - -Definition at line 15 of file matrix_double2x3.hpp.
- -typedef mat< 2, 4, double, defaultp > dmat2x4 | -
2 columns of 4 components matrix of double-precision floating-point numbers.
- - -Definition at line 15 of file matrix_double2x4.hpp.
- -typedef mat< 3, 3, f64, defaultp > dmat3 | -
3 columns of 3 components matrix of double-precision floating-point numbers.
- - -Definition at line 20 of file matrix_double3x3.hpp.
- -typedef mat< 3, 2, double, defaultp > dmat3x2 | -
3 columns of 2 components matrix of double-precision floating-point numbers.
- - -Definition at line 15 of file matrix_double3x2.hpp.
- -typedef mat< 3, 3, double, defaultp > dmat3x3 | -
3 columns of 3 components matrix of double-precision floating-point numbers.
- - -Definition at line 15 of file matrix_double3x3.hpp.
- -typedef mat< 3, 4, double, defaultp > dmat3x4 | -
3 columns of 4 components matrix of double-precision floating-point numbers.
- - -Definition at line 15 of file matrix_double3x4.hpp.
- -typedef mat< 4, 4, f64, defaultp > dmat4 | -
4 columns of 4 components matrix of double-precision floating-point numbers.
- - -Definition at line 20 of file matrix_double4x4.hpp.
- -typedef mat< 4, 2, double, defaultp > dmat4x2 | -
4 columns of 2 components matrix of double-precision floating-point numbers.
- - -Definition at line 15 of file matrix_double4x2.hpp.
- -typedef mat< 4, 3, double, defaultp > dmat4x3 | -
4 columns of 3 components matrix of double-precision floating-point numbers.
- - -Definition at line 15 of file matrix_double4x3.hpp.
- -typedef mat< 4, 4, double, defaultp > dmat4x4 | -
4 columns of 4 components matrix of double-precision floating-point numbers.
- - -Definition at line 15 of file matrix_double4x4.hpp.
- -typedef mat< 2, 2, f32, defaultp > mat2 | -
2 columns of 2 components matrix of single-precision floating-point numbers.
- - -Definition at line 20 of file matrix_float2x2.hpp.
- -typedef mat< 2, 2, f32, defaultp > mat2x2 | -
2 columns of 2 components matrix of single-precision floating-point numbers.
- - -Definition at line 15 of file matrix_float2x2.hpp.
- -typedef mat< 2, 3, f32, defaultp > mat2x3 | -
2 columns of 3 components matrix of single-precision floating-point numbers.
- - -Definition at line 15 of file matrix_float2x3.hpp.
- -typedef mat< 2, 4, f32, defaultp > mat2x4 | -
2 columns of 4 components matrix of single-precision floating-point numbers.
- - -Definition at line 15 of file matrix_float2x4.hpp.
- -typedef mat< 3, 3, f32, defaultp > mat3 | -
3 columns of 3 components matrix of single-precision floating-point numbers.
- - -Definition at line 20 of file matrix_float3x3.hpp.
- -typedef mat< 3, 3, f32, defaultp > mat3x3 | -
3 columns of 3 components matrix of single-precision floating-point numbers.
- - -Definition at line 15 of file matrix_float3x3.hpp.
- -typedef mat< 3, 4, f32, defaultp > mat3x4 | -
3 columns of 4 components matrix of single-precision floating-point numbers.
- - -Definition at line 15 of file matrix_float3x4.hpp.
- -typedef mat< 4, 4, f32, defaultp > mat4 | -
4 columns of 4 components matrix of single-precision floating-point numbers.
- - -Definition at line 20 of file matrix_float4x4.hpp.
- -typedef mat< 4, 2, f32, defaultp > mat4x2 | -
4 columns of 2 components matrix of single-precision floating-point numbers.
- - -Definition at line 15 of file matrix_float4x2.hpp.
- -typedef mat< 4, 3, f32, defaultp > mat4x3 | -
4 columns of 3 components matrix of single-precision floating-point numbers.
- - -Definition at line 15 of file matrix_float4x3.hpp.
- -typedef mat< 4, 4, f32, defaultp > mat4x4 | -
4 columns of 4 components matrix of single-precision floating-point numbers.
- - -Definition at line 15 of file matrix_float4x4.hpp.
- -![]() |
-
- 0.9.9 API documentation
-
- |
-
Matrix types with precision qualifiers which may result in various precision in term of ULPs. -More...
--Typedefs | |
typedef mat< 2, 2, double, highp > | highp_dmat2 |
2 columns of 2 components matrix of double-precision floating-point numbers using medium precision arithmetic in term of ULPs. More... | |
typedef mat< 2, 2, double, highp > | highp_dmat2x2 |
2 columns of 2 components matrix of double-precision floating-point numbers using medium precision arithmetic in term of ULPs. More... | |
typedef mat< 2, 3, double, highp > | highp_dmat2x3 |
2 columns of 3 components matrix of double-precision floating-point numbers using medium precision arithmetic in term of ULPs. More... | |
typedef mat< 2, 4, double, highp > | highp_dmat2x4 |
2 columns of 4 components matrix of double-precision floating-point numbers using medium precision arithmetic in term of ULPs. More... | |
typedef mat< 3, 3, double, highp > | highp_dmat3 |
3 columns of 3 components matrix of double-precision floating-point numbers using medium precision arithmetic in term of ULPs. More... | |
typedef mat< 3, 2, double, highp > | highp_dmat3x2 |
3 columns of 2 components matrix of double-precision floating-point numbers using medium precision arithmetic in term of ULPs. More... | |
typedef mat< 3, 3, double, highp > | highp_dmat3x3 |
3 columns of 3 components matrix of double-precision floating-point numbers using medium precision arithmetic in term of ULPs. More... | |
typedef mat< 3, 4, double, highp > | highp_dmat3x4 |
3 columns of 4 components matrix of double-precision floating-point numbers using medium precision arithmetic in term of ULPs. More... | |
typedef mat< 4, 4, double, highp > | highp_dmat4 |
4 columns of 4 components matrix of double-precision floating-point numbers using medium precision arithmetic in term of ULPs. More... | |
typedef mat< 4, 2, double, highp > | highp_dmat4x2 |
4 columns of 2 components matrix of double-precision floating-point numbers using medium precision arithmetic in term of ULPs. More... | |
typedef mat< 4, 3, double, highp > | highp_dmat4x3 |
4 columns of 3 components matrix of double-precision floating-point numbers using medium precision arithmetic in term of ULPs. More... | |
typedef mat< 4, 4, double, highp > | highp_dmat4x4 |
4 columns of 4 components matrix of double-precision floating-point numbers using medium precision arithmetic in term of ULPs. More... | |
typedef mat< 2, 2, float, highp > | highp_mat2 |
2 columns of 2 components matrix of single-precision floating-point numbers using high precision arithmetic in term of ULPs. More... | |
typedef mat< 2, 2, float, highp > | highp_mat2x2 |
2 columns of 2 components matrix of single-precision floating-point numbers using high precision arithmetic in term of ULPs. More... | |
typedef mat< 2, 3, float, highp > | highp_mat2x3 |
2 columns of 3 components matrix of single-precision floating-point numbers using high precision arithmetic in term of ULPs. More... | |
typedef mat< 2, 4, float, highp > | highp_mat2x4 |
2 columns of 4 components matrix of single-precision floating-point numbers using high precision arithmetic in term of ULPs. More... | |
typedef mat< 3, 3, float, highp > | highp_mat3 |
3 columns of 3 components matrix of single-precision floating-point numbers using high precision arithmetic in term of ULPs. More... | |
typedef mat< 3, 2, float, highp > | highp_mat3x2 |
3 columns of 2 components matrix of single-precision floating-point numbers using high precision arithmetic in term of ULPs. More... | |
typedef mat< 3, 3, float, highp > | highp_mat3x3 |
3 columns of 3 components matrix of single-precision floating-point numbers using high precision arithmetic in term of ULPs. More... | |
typedef mat< 3, 4, float, highp > | highp_mat3x4 |
3 columns of 4 components matrix of single-precision floating-point numbers using high precision arithmetic in term of ULPs. More... | |
typedef mat< 4, 4, float, highp > | highp_mat4 |
4 columns of 4 components matrix of single-precision floating-point numbers using high precision arithmetic in term of ULPs. More... | |
typedef mat< 4, 2, float, highp > | highp_mat4x2 |
4 columns of 2 components matrix of single-precision floating-point numbers using high precision arithmetic in term of ULPs. More... | |
typedef mat< 4, 3, float, highp > | highp_mat4x3 |
4 columns of 3 components matrix of single-precision floating-point numbers using high precision arithmetic in term of ULPs. More... | |
typedef mat< 4, 4, float, highp > | highp_mat4x4 |
4 columns of 4 components matrix of single-precision floating-point numbers using high precision arithmetic in term of ULPs. More... | |
typedef mat< 2, 2, double, lowp > | lowp_dmat2 |
2 columns of 2 components matrix of double-precision floating-point numbers using low precision arithmetic in term of ULPs. More... | |
typedef mat< 2, 2, double, lowp > | lowp_dmat2x2 |
2 columns of 2 components matrix of double-precision floating-point numbers using low precision arithmetic in term of ULPs. More... | |
typedef mat< 2, 3, double, lowp > | lowp_dmat2x3 |
2 columns of 3 components matrix of double-precision floating-point numbers using low precision arithmetic in term of ULPs. More... | |
typedef mat< 2, 4, double, lowp > | lowp_dmat2x4 |
2 columns of 4 components matrix of double-precision floating-point numbers using low precision arithmetic in term of ULPs. More... | |
typedef mat< 3, 3, double, lowp > | lowp_dmat3 |
3 columns of 3 components matrix of double-precision floating-point numbers using low precision arithmetic in term of ULPs. More... | |
typedef mat< 3, 2, double, lowp > | lowp_dmat3x2 |
3 columns of 2 components matrix of double-precision floating-point numbers using low precision arithmetic in term of ULPs. More... | |
typedef mat< 3, 3, double, lowp > | lowp_dmat3x3 |
3 columns of 3 components matrix of double-precision floating-point numbers using low precision arithmetic in term of ULPs. More... | |
typedef mat< 3, 4, double, lowp > | lowp_dmat3x4 |
3 columns of 4 components matrix of double-precision floating-point numbers using low precision arithmetic in term of ULPs. More... | |
typedef mat< 4, 4, double, lowp > | lowp_dmat4 |
4 columns of 4 components matrix of double-precision floating-point numbers using low precision arithmetic in term of ULPs. More... | |
typedef mat< 4, 2, double, lowp > | lowp_dmat4x2 |
4 columns of 2 components matrix of double-precision floating-point numbers using low precision arithmetic in term of ULPs. More... | |
typedef mat< 4, 3, double, lowp > | lowp_dmat4x3 |
4 columns of 3 components matrix of double-precision floating-point numbers using low precision arithmetic in term of ULPs. More... | |
typedef mat< 4, 4, double, lowp > | lowp_dmat4x4 |
4 columns of 4 components matrix of double-precision floating-point numbers using low precision arithmetic in term of ULPs. More... | |
typedef mat< 2, 2, float, lowp > | lowp_mat2 |
2 columns of 2 components matrix of single-precision floating-point numbers using low precision arithmetic in term of ULPs. More... | |
typedef mat< 2, 2, float, lowp > | lowp_mat2x2 |
2 columns of 2 components matrix of single-precision floating-point numbers using low precision arithmetic in term of ULPs. More... | |
typedef mat< 2, 3, float, lowp > | lowp_mat2x3 |
2 columns of 3 components matrix of single-precision floating-point numbers using low precision arithmetic in term of ULPs. More... | |
typedef mat< 2, 4, float, lowp > | lowp_mat2x4 |
2 columns of 4 components matrix of single-precision floating-point numbers using low precision arithmetic in term of ULPs. More... | |
typedef mat< 3, 3, float, lowp > | lowp_mat3 |
3 columns of 3 components matrix of single-precision floating-point numbers using low precision arithmetic in term of ULPs. More... | |
typedef mat< 3, 2, float, lowp > | lowp_mat3x2 |
3 columns of 2 components matrix of single-precision floating-point numbers using low precision arithmetic in term of ULPs. More... | |
typedef mat< 3, 3, float, lowp > | lowp_mat3x3 |
3 columns of 3 components matrix of single-precision floating-point numbers using low precision arithmetic in term of ULPs. More... | |
typedef mat< 3, 4, float, lowp > | lowp_mat3x4 |
3 columns of 4 components matrix of single-precision floating-point numbers using low precision arithmetic in term of ULPs. More... | |
typedef mat< 4, 4, float, lowp > | lowp_mat4 |
4 columns of 4 components matrix of single-precision floating-point numbers using low precision arithmetic in term of ULPs. More... | |
typedef mat< 4, 2, float, lowp > | lowp_mat4x2 |
4 columns of 2 components matrix of single-precision floating-point numbers using low precision arithmetic in term of ULPs. More... | |
typedef mat< 4, 3, float, lowp > | lowp_mat4x3 |
4 columns of 3 components matrix of single-precision floating-point numbers using low precision arithmetic in term of ULPs. More... | |
typedef mat< 4, 4, float, lowp > | lowp_mat4x4 |
4 columns of 4 components matrix of single-precision floating-point numbers using low precision arithmetic in term of ULPs. More... | |
typedef mat< 2, 2, double, mediump > | mediump_dmat2 |
2 columns of 2 components matrix of double-precision floating-point numbers using medium precision arithmetic in term of ULPs. More... | |
typedef mat< 2, 2, double, mediump > | mediump_dmat2x2 |
2 columns of 2 components matrix of double-precision floating-point numbers using medium precision arithmetic in term of ULPs. More... | |
typedef mat< 2, 3, double, mediump > | mediump_dmat2x3 |
2 columns of 3 components matrix of double-precision floating-point numbers using medium precision arithmetic in term of ULPs. More... | |
typedef mat< 2, 4, double, mediump > | mediump_dmat2x4 |
2 columns of 4 components matrix of double-precision floating-point numbers using medium precision arithmetic in term of ULPs. More... | |
typedef mat< 3, 3, double, mediump > | mediump_dmat3 |
3 columns of 3 components matrix of double-precision floating-point numbers using medium precision arithmetic in term of ULPs. More... | |
typedef mat< 3, 2, double, mediump > | mediump_dmat3x2 |
3 columns of 2 components matrix of double-precision floating-point numbers using medium precision arithmetic in term of ULPs. More... | |
typedef mat< 3, 3, double, mediump > | mediump_dmat3x3 |
3 columns of 3 components matrix of double-precision floating-point numbers using medium precision arithmetic in term of ULPs. More... | |
typedef mat< 3, 4, double, mediump > | mediump_dmat3x4 |
3 columns of 4 components matrix of double-precision floating-point numbers using medium precision arithmetic in term of ULPs. More... | |
typedef mat< 4, 4, double, mediump > | mediump_dmat4 |
4 columns of 4 components matrix of double-precision floating-point numbers using medium precision arithmetic in term of ULPs. More... | |
typedef mat< 4, 2, double, mediump > | mediump_dmat4x2 |
4 columns of 2 components matrix of double-precision floating-point numbers using medium precision arithmetic in term of ULPs. More... | |
typedef mat< 4, 3, double, mediump > | mediump_dmat4x3 |
4 columns of 3 components matrix of double-precision floating-point numbers using medium precision arithmetic in term of ULPs. More... | |
typedef mat< 4, 4, double, mediump > | mediump_dmat4x4 |
4 columns of 4 components matrix of double-precision floating-point numbers using medium precision arithmetic in term of ULPs. More... | |
typedef mat< 2, 2, float, mediump > | mediump_mat2 |
2 columns of 2 components matrix of single-precision floating-point numbers using medium precision arithmetic in term of ULPs. More... | |
typedef mat< 2, 2, float, mediump > | mediump_mat2x2 |
2 columns of 2 components matrix of single-precision floating-point numbers using medium precision arithmetic in term of ULPs. More... | |
typedef mat< 2, 3, float, mediump > | mediump_mat2x3 |
2 columns of 3 components matrix of single-precision floating-point numbers using medium precision arithmetic in term of ULPs. More... | |
typedef mat< 2, 4, float, mediump > | mediump_mat2x4 |
2 columns of 4 components matrix of single-precision floating-point numbers using medium precision arithmetic in term of ULPs. More... | |
typedef mat< 3, 3, float, mediump > | mediump_mat3 |
3 columns of 3 components matrix of single-precision floating-point numbers using medium precision arithmetic in term of ULPs. More... | |
typedef mat< 3, 2, float, mediump > | mediump_mat3x2 |
3 columns of 2 components matrix of single-precision floating-point numbers using medium precision arithmetic in term of ULPs. More... | |
typedef mat< 3, 3, float, mediump > | mediump_mat3x3 |
3 columns of 3 components matrix of single-precision floating-point numbers using medium precision arithmetic in term of ULPs. More... | |
typedef mat< 3, 4, float, mediump > | mediump_mat3x4 |
3 columns of 4 components matrix of single-precision floating-point numbers using medium precision arithmetic in term of ULPs. More... | |
typedef mat< 4, 4, float, mediump > | mediump_mat4 |
4 columns of 4 components matrix of single-precision floating-point numbers using medium precision arithmetic in term of ULPs. More... | |
typedef mat< 4, 2, float, mediump > | mediump_mat4x2 |
4 columns of 2 components matrix of single-precision floating-point numbers using medium precision arithmetic in term of ULPs. More... | |
typedef mat< 4, 3, float, mediump > | mediump_mat4x3 |
4 columns of 3 components matrix of single-precision floating-point numbers using medium precision arithmetic in term of ULPs. More... | |
typedef mat< 4, 4, float, mediump > | mediump_mat4x4 |
4 columns of 4 components matrix of single-precision floating-point numbers using medium precision arithmetic in term of ULPs. More... | |
Matrix types with precision qualifiers which may result in various precision in term of ULPs.
-GLSL allows defining qualifiers for particular variables. With OpenGL's GLSL, these qualifiers have no effect; they are there for compatibility, with OpenGL ES's GLSL, these qualifiers do have an effect.
-C++ has no language equivalent to qualifier qualifiers. So GLM provides the next-best thing: a number of typedefs that use a particular qualifier.
-None of these types make any guarantees about the actual qualifier used.
-typedef mat< 2, 2, f64, highp > highp_dmat2 | -
2 columns of 2 components matrix of double-precision floating-point numbers using medium precision arithmetic in term of ULPs.
-Definition at line 28 of file matrix_double2x2_precision.hpp.
- -typedef mat< 2, 2, double, highp > highp_dmat2x2 | -
2 columns of 2 components matrix of double-precision floating-point numbers using medium precision arithmetic in term of ULPs.
-Definition at line 46 of file matrix_double2x2_precision.hpp.
- -typedef mat< 2, 3, double, highp > highp_dmat2x3 | -
2 columns of 3 components matrix of double-precision floating-point numbers using medium precision arithmetic in term of ULPs.
-Definition at line 28 of file matrix_double2x3_precision.hpp.
- -typedef mat< 2, 4, double, highp > highp_dmat2x4 | -
2 columns of 4 components matrix of double-precision floating-point numbers using medium precision arithmetic in term of ULPs.
-Definition at line 28 of file matrix_double2x4_precision.hpp.
- -typedef mat< 3, 3, f64, highp > highp_dmat3 | -
3 columns of 3 components matrix of double-precision floating-point numbers using medium precision arithmetic in term of ULPs.
-Definition at line 28 of file matrix_double3x3_precision.hpp.
- -typedef mat< 3, 2, double, highp > highp_dmat3x2 | -
3 columns of 2 components matrix of double-precision floating-point numbers using medium precision arithmetic in term of ULPs.
-Definition at line 28 of file matrix_double3x2_precision.hpp.
- -typedef mat< 3, 3, double, highp > highp_dmat3x3 | -
3 columns of 3 components matrix of double-precision floating-point numbers using medium precision arithmetic in term of ULPs.
-Definition at line 46 of file matrix_double3x3_precision.hpp.
- -typedef mat< 3, 4, double, highp > highp_dmat3x4 | -
3 columns of 4 components matrix of double-precision floating-point numbers using medium precision arithmetic in term of ULPs.
-Definition at line 28 of file matrix_double3x4_precision.hpp.
- -typedef mat< 4, 4, f64, highp > highp_dmat4 | -
4 columns of 4 components matrix of double-precision floating-point numbers using medium precision arithmetic in term of ULPs.
-Definition at line 28 of file matrix_double4x4_precision.hpp.
- -typedef mat< 4, 2, double, highp > highp_dmat4x2 | -
4 columns of 2 components matrix of double-precision floating-point numbers using medium precision arithmetic in term of ULPs.
-Definition at line 28 of file matrix_double4x2_precision.hpp.
- -typedef mat< 4, 3, double, highp > highp_dmat4x3 | -
4 columns of 3 components matrix of double-precision floating-point numbers using medium precision arithmetic in term of ULPs.
-Definition at line 28 of file matrix_double4x3_precision.hpp.
- -typedef mat< 4, 4, double, highp > highp_dmat4x4 | -
4 columns of 4 components matrix of double-precision floating-point numbers using medium precision arithmetic in term of ULPs.
-Definition at line 46 of file matrix_double4x4_precision.hpp.
- -typedef mat< 2, 2, f32, highp > highp_mat2 | -
2 columns of 2 components matrix of single-precision floating-point numbers using high precision arithmetic in term of ULPs.
-Definition at line 28 of file matrix_float2x2_precision.hpp.
- -typedef mat< 2, 2, f32, highp > highp_mat2x2 | -
2 columns of 2 components matrix of single-precision floating-point numbers using high precision arithmetic in term of ULPs.
-Definition at line 46 of file matrix_float2x2_precision.hpp.
- -typedef mat< 2, 3, f32, highp > highp_mat2x3 | -
2 columns of 3 components matrix of single-precision floating-point numbers using high precision arithmetic in term of ULPs.
-Definition at line 28 of file matrix_float2x3_precision.hpp.
- -typedef mat< 2, 4, f32, highp > highp_mat2x4 | -
2 columns of 4 components matrix of single-precision floating-point numbers using high precision arithmetic in term of ULPs.
-Definition at line 28 of file matrix_float2x4_precision.hpp.
- -typedef mat< 3, 3, f32, highp > highp_mat3 | -
3 columns of 3 components matrix of single-precision floating-point numbers using high precision arithmetic in term of ULPs.
-Definition at line 28 of file matrix_float3x3_precision.hpp.
- -typedef mat< 3, 2, f32, highp > highp_mat3x2 | -
3 columns of 2 components matrix of single-precision floating-point numbers using high precision arithmetic in term of ULPs.
-Definition at line 28 of file matrix_float3x2_precision.hpp.
- -typedef mat< 3, 3, f32, highp > highp_mat3x3 | -
3 columns of 3 components matrix of single-precision floating-point numbers using high precision arithmetic in term of ULPs.
-Definition at line 46 of file matrix_float3x3_precision.hpp.
- -typedef mat< 3, 4, f32, highp > highp_mat3x4 | -
3 columns of 4 components matrix of single-precision floating-point numbers using high precision arithmetic in term of ULPs.
-Definition at line 28 of file matrix_float3x4_precision.hpp.
- -typedef mat< 4, 4, f32, highp > highp_mat4 | -
4 columns of 4 components matrix of single-precision floating-point numbers using high precision arithmetic in term of ULPs.
-Definition at line 28 of file matrix_float4x4_precision.hpp.
- -typedef mat< 4, 2, f32, highp > highp_mat4x2 | -
4 columns of 2 components matrix of single-precision floating-point numbers using high precision arithmetic in term of ULPs.
-Definition at line 28 of file matrix_float4x2_precision.hpp.
- -typedef mat< 4, 3, f32, highp > highp_mat4x3 | -
4 columns of 3 components matrix of single-precision floating-point numbers using high precision arithmetic in term of ULPs.
-Definition at line 28 of file matrix_float4x3_precision.hpp.
- -typedef mat< 4, 4, f32, highp > highp_mat4x4 | -
4 columns of 4 components matrix of single-precision floating-point numbers using high precision arithmetic in term of ULPs.
-Definition at line 46 of file matrix_float4x4_precision.hpp.
- -typedef mat< 2, 2, f64, lowp > lowp_dmat2 | -
2 columns of 2 components matrix of double-precision floating-point numbers using low precision arithmetic in term of ULPs.
-Definition at line 16 of file matrix_double2x2_precision.hpp.
- -typedef mat< 2, 2, double, lowp > lowp_dmat2x2 | -
2 columns of 2 components matrix of double-precision floating-point numbers using low precision arithmetic in term of ULPs.
-Definition at line 34 of file matrix_double2x2_precision.hpp.
- -typedef mat< 2, 3, double, lowp > lowp_dmat2x3 | -
2 columns of 3 components matrix of double-precision floating-point numbers using low precision arithmetic in term of ULPs.
-Definition at line 16 of file matrix_double2x3_precision.hpp.
- -typedef mat< 2, 4, double, lowp > lowp_dmat2x4 | -
2 columns of 4 components matrix of double-precision floating-point numbers using low precision arithmetic in term of ULPs.
-Definition at line 16 of file matrix_double2x4_precision.hpp.
- -typedef mat< 3, 3, f64, lowp > lowp_dmat3 | -
3 columns of 3 components matrix of double-precision floating-point numbers using low precision arithmetic in term of ULPs.
-Definition at line 16 of file matrix_double3x3_precision.hpp.
- -typedef mat< 3, 2, double, lowp > lowp_dmat3x2 | -
3 columns of 2 components matrix of double-precision floating-point numbers using low precision arithmetic in term of ULPs.
-Definition at line 16 of file matrix_double3x2_precision.hpp.
- -typedef mat< 3, 3, double, lowp > lowp_dmat3x3 | -
3 columns of 3 components matrix of double-precision floating-point numbers using low precision arithmetic in term of ULPs.
-Definition at line 34 of file matrix_double3x3_precision.hpp.
- -typedef mat< 3, 4, double, lowp > lowp_dmat3x4 | -
3 columns of 4 components matrix of double-precision floating-point numbers using low precision arithmetic in term of ULPs.
-Definition at line 16 of file matrix_double3x4_precision.hpp.
- -typedef mat< 4, 4, f64, lowp > lowp_dmat4 | -
4 columns of 4 components matrix of double-precision floating-point numbers using low precision arithmetic in term of ULPs.
-Definition at line 16 of file matrix_double4x4_precision.hpp.
- -typedef mat< 4, 2, double, lowp > lowp_dmat4x2 | -
4 columns of 2 components matrix of double-precision floating-point numbers using low precision arithmetic in term of ULPs.
-Definition at line 16 of file matrix_double4x2_precision.hpp.
- -typedef mat< 4, 3, double, lowp > lowp_dmat4x3 | -
4 columns of 3 components matrix of double-precision floating-point numbers using low precision arithmetic in term of ULPs.
-Definition at line 16 of file matrix_double4x3_precision.hpp.
- -typedef mat< 4, 4, double, lowp > lowp_dmat4x4 | -
4 columns of 4 components matrix of double-precision floating-point numbers using low precision arithmetic in term of ULPs.
-Definition at line 34 of file matrix_double4x4_precision.hpp.
- -typedef mat< 2, 2, f32, lowp > lowp_mat2 | -
2 columns of 2 components matrix of single-precision floating-point numbers using low precision arithmetic in term of ULPs.
-Definition at line 16 of file matrix_float2x2_precision.hpp.
- -typedef mat< 2, 2, f32, lowp > lowp_mat2x2 | -
2 columns of 2 components matrix of single-precision floating-point numbers using low precision arithmetic in term of ULPs.
-Definition at line 34 of file matrix_float2x2_precision.hpp.
- -typedef mat< 2, 3, f32, lowp > lowp_mat2x3 | -
2 columns of 3 components matrix of single-precision floating-point numbers using low precision arithmetic in term of ULPs.
-Definition at line 16 of file matrix_float2x3_precision.hpp.
- -typedef mat< 2, 4, f32, lowp > lowp_mat2x4 | -
2 columns of 4 components matrix of single-precision floating-point numbers using low precision arithmetic in term of ULPs.
-Definition at line 16 of file matrix_float2x4_precision.hpp.
- -typedef mat< 3, 3, f32, lowp > lowp_mat3 | -
3 columns of 3 components matrix of single-precision floating-point numbers using low precision arithmetic in term of ULPs.
-Definition at line 16 of file matrix_float3x3_precision.hpp.
- -typedef mat< 3, 2, f32, lowp > lowp_mat3x2 | -
3 columns of 2 components matrix of single-precision floating-point numbers using low precision arithmetic in term of ULPs.
-Definition at line 16 of file matrix_float3x2_precision.hpp.
- -typedef mat< 3, 3, f32, lowp > lowp_mat3x3 | -
3 columns of 3 components matrix of single-precision floating-point numbers using low precision arithmetic in term of ULPs.
-Definition at line 34 of file matrix_float3x3_precision.hpp.
- -typedef mat< 3, 4, f32, lowp > lowp_mat3x4 | -
3 columns of 4 components matrix of single-precision floating-point numbers using low precision arithmetic in term of ULPs.
-Definition at line 16 of file matrix_float3x4_precision.hpp.
- -typedef mat< 4, 4, f32, lowp > lowp_mat4 | -
4 columns of 4 components matrix of single-precision floating-point numbers using low precision arithmetic in term of ULPs.
-Definition at line 16 of file matrix_float4x4_precision.hpp.
- -typedef mat< 4, 2, f32, lowp > lowp_mat4x2 | -
4 columns of 2 components matrix of single-precision floating-point numbers using low precision arithmetic in term of ULPs.
-Definition at line 16 of file matrix_float4x2_precision.hpp.
- -typedef mat< 4, 3, f32, lowp > lowp_mat4x3 | -
4 columns of 3 components matrix of single-precision floating-point numbers using low precision arithmetic in term of ULPs.
-Definition at line 16 of file matrix_float4x3_precision.hpp.
- -typedef mat< 4, 4, f32, lowp > lowp_mat4x4 | -
4 columns of 4 components matrix of single-precision floating-point numbers using low precision arithmetic in term of ULPs.
-Definition at line 34 of file matrix_float4x4_precision.hpp.
- -typedef mat< 2, 2, f64, mediump > mediump_dmat2 | -
2 columns of 2 components matrix of double-precision floating-point numbers using medium precision arithmetic in term of ULPs.
-Definition at line 22 of file matrix_double2x2_precision.hpp.
- -typedef mat< 2, 2, double, mediump > mediump_dmat2x2 | -
2 columns of 2 components matrix of double-precision floating-point numbers using medium precision arithmetic in term of ULPs.
-Definition at line 40 of file matrix_double2x2_precision.hpp.
- -typedef mat< 2, 3, double, mediump > mediump_dmat2x3 | -
2 columns of 3 components matrix of double-precision floating-point numbers using medium precision arithmetic in term of ULPs.
-Definition at line 22 of file matrix_double2x3_precision.hpp.
- -typedef mat< 2, 4, double, mediump > mediump_dmat2x4 | -
2 columns of 4 components matrix of double-precision floating-point numbers using medium precision arithmetic in term of ULPs.
-Definition at line 22 of file matrix_double2x4_precision.hpp.
- -typedef mat< 3, 3, f64, mediump > mediump_dmat3 | -
3 columns of 3 components matrix of double-precision floating-point numbers using medium precision arithmetic in term of ULPs.
-Definition at line 22 of file matrix_double3x3_precision.hpp.
- -typedef mat< 3, 2, double, mediump > mediump_dmat3x2 | -
3 columns of 2 components matrix of double-precision floating-point numbers using medium precision arithmetic in term of ULPs.
-Definition at line 22 of file matrix_double3x2_precision.hpp.
- -typedef mat< 3, 3, double, mediump > mediump_dmat3x3 | -
3 columns of 3 components matrix of double-precision floating-point numbers using medium precision arithmetic in term of ULPs.
-Definition at line 40 of file matrix_double3x3_precision.hpp.
- -typedef mat< 3, 4, double, mediump > mediump_dmat3x4 | -
3 columns of 4 components matrix of double-precision floating-point numbers using medium precision arithmetic in term of ULPs.
-Definition at line 22 of file matrix_double3x4_precision.hpp.
- -typedef mat< 4, 4, f64, mediump > mediump_dmat4 | -
4 columns of 4 components matrix of double-precision floating-point numbers using medium precision arithmetic in term of ULPs.
-Definition at line 22 of file matrix_double4x4_precision.hpp.
- -typedef mat< 4, 2, double, mediump > mediump_dmat4x2 | -
4 columns of 2 components matrix of double-precision floating-point numbers using medium precision arithmetic in term of ULPs.
-Definition at line 22 of file matrix_double4x2_precision.hpp.
- -typedef mat< 4, 3, double, mediump > mediump_dmat4x3 | -
4 columns of 3 components matrix of double-precision floating-point numbers using medium precision arithmetic in term of ULPs.
-Definition at line 22 of file matrix_double4x3_precision.hpp.
- -typedef mat< 4, 4, double, mediump > mediump_dmat4x4 | -
4 columns of 4 components matrix of double-precision floating-point numbers using medium precision arithmetic in term of ULPs.
-Definition at line 40 of file matrix_double4x4_precision.hpp.
- -typedef mat< 2, 2, f32, mediump > mediump_mat2 | -
2 columns of 2 components matrix of single-precision floating-point numbers using medium precision arithmetic in term of ULPs.
-Definition at line 22 of file matrix_float2x2_precision.hpp.
- -typedef mat< 2, 2, f32, mediump > mediump_mat2x2 | -
2 columns of 2 components matrix of single-precision floating-point numbers using medium precision arithmetic in term of ULPs.
-Definition at line 40 of file matrix_float2x2_precision.hpp.
- -typedef mat< 2, 3, f32, mediump > mediump_mat2x3 | -
2 columns of 3 components matrix of single-precision floating-point numbers using medium precision arithmetic in term of ULPs.
-Definition at line 22 of file matrix_float2x3_precision.hpp.
- -typedef mat< 2, 4, f32, mediump > mediump_mat2x4 | -
2 columns of 4 components matrix of single-precision floating-point numbers using medium precision arithmetic in term of ULPs.
-Definition at line 22 of file matrix_float2x4_precision.hpp.
- -typedef mat< 3, 3, f32, mediump > mediump_mat3 | -
3 columns of 3 components matrix of single-precision floating-point numbers using medium precision arithmetic in term of ULPs.
-Definition at line 22 of file matrix_float3x3_precision.hpp.
- -typedef mat< 3, 2, f32, mediump > mediump_mat3x2 | -
3 columns of 2 components matrix of single-precision floating-point numbers using medium precision arithmetic in term of ULPs.
-Definition at line 22 of file matrix_float3x2_precision.hpp.
- -typedef mat< 3, 3, f32, mediump > mediump_mat3x3 | -
3 columns of 3 components matrix of single-precision floating-point numbers using medium precision arithmetic in term of ULPs.
-Definition at line 40 of file matrix_float3x3_precision.hpp.
- -typedef mat< 3, 4, f32, mediump > mediump_mat3x4 | -
3 columns of 4 components matrix of single-precision floating-point numbers using medium precision arithmetic in term of ULPs.
-Definition at line 22 of file matrix_float3x4_precision.hpp.
- -typedef mat< 4, 4, f32, mediump > mediump_mat4 | -
4 columns of 4 components matrix of single-precision floating-point numbers using medium precision arithmetic in term of ULPs.
-Definition at line 22 of file matrix_float4x4_precision.hpp.
- -typedef mat< 4, 2, f32, mediump > mediump_mat4x2 | -
4 columns of 2 components matrix of single-precision floating-point numbers using medium precision arithmetic in term of ULPs.
-Definition at line 22 of file matrix_float4x2_precision.hpp.
- -typedef mat< 4, 3, f32, mediump > mediump_mat4x3 | -
4 columns of 3 components matrix of single-precision floating-point numbers using medium precision arithmetic in term of ULPs.
-Definition at line 22 of file matrix_float4x3_precision.hpp.
- -typedef mat< 4, 4, f32, mediump > mediump_mat4x4 | -
4 columns of 4 components matrix of single-precision floating-point numbers using medium precision arithmetic in term of ULPs.
-Definition at line 40 of file matrix_float4x4_precision.hpp.
- -![]() |
-
- 0.9.9 API documentation
-
- |
-
Additional features not specified by GLSL specification. -More...
--Modules | |
GLM_EXT_matrix_clip_space | |
Defines functions that generate clip space transformation matrices. | |
GLM_EXT_matrix_common | |
Defines functions for common matrix operations. | |
GLM_EXT_matrix_projection | |
Functions that generate common projection transformation matrices. | |
GLM_EXT_matrix_relational | |
Exposes comparison functions for matrix types that take a user defined epsilon values. | |
GLM_EXT_matrix_transform | |
Defines functions that generate common transformation matrices. | |
GLM_EXT_quaternion_common | |
Provides common functions for quaternion types. | |
GLM_EXT_quaternion_double | |
Exposes double-precision floating point quaternion type. | |
GLM_EXT_quaternion_double_precision | |
Exposes double-precision floating point quaternion type with various precision in term of ULPs. | |
GLM_EXT_quaternion_exponential | |
Provides exponential functions for quaternion types. | |
GLM_EXT_quaternion_float | |
Exposes single-precision floating point quaternion type. | |
GLM_EXT_quaternion_float_precision | |
Exposes single-precision floating point quaternion type with various precision in term of ULPs. | |
GLM_EXT_quaternion_geometric | |
Provides geometric functions for quaternion types. | |
GLM_EXT_quaternion_relational | |
Exposes comparison functions for quaternion types that take a user defined epsilon values. | |
GLM_EXT_quaternion_transform | |
Provides transformation functions for quaternion types. | |
GLM_EXT_quaternion_trigonometric | |
Provides trigonometric functions for quaternion types. | |
GLM_EXT_scalar_common | |
Exposes min and max functions for 3 to 4 scalar parameters. | |
GLM_EXT_scalar_constants | |
Provides a list of constants and precomputed useful values. | |
GLM_EXT_scalar_int_sized | |
Exposes sized signed integer scalar types. | |
GLM_EXT_scalar_integer | |
Include <glm/ext/scalar_integer.hpp> to use the features of this extension. | |
GLM_EXT_scalar_relational | |
Exposes comparison functions for scalar types that take a user defined epsilon values. | |
GLM_EXT_scalar_uint_sized | |
Exposes sized unsigned integer scalar types. | |
GLM_EXT_scalar_ulp | |
Allow the measurement of the accuracy of a function against a reference implementation. | |
GLM_EXT_vector_bool1 | |
Exposes bvec1 vector type. | |
GLM_EXT_vector_bool1_precision | |
Exposes highp_bvec1, mediump_bvec1 and lowp_bvec1 types. | |
GLM_EXT_vector_common | |
Exposes min and max functions for 3 to 4 vector parameters. | |
GLM_EXT_vector_double1 | |
Exposes double-precision floating point vector type with one component. | |
GLM_EXT_vector_double1_precision | |
Exposes highp_dvec1, mediump_dvec1 and lowp_dvec1 types. | |
GLM_EXT_vector_float1 | |
Exposes single-precision floating point vector type with one component. | |
GLM_EXT_vector_float1_precision | |
Exposes highp_vec1, mediump_vec1 and lowp_vec1 types. | |
GLM_EXT_vector_int1 | |
Exposes ivec1 vector type. | |
GLM_EXT_vector_int1_precision | |
Exposes highp_ivec1, mediump_ivec1 and lowp_ivec1 types. | |
GLM_EXT_vector_integer | |
Include <glm/ext/vector_integer.hpp> to use the features of this extension. | |
GLM_EXT_vector_relational | |
Exposes comparison functions for vector types that take a user defined epsilon values. | |
GLM_EXT_vector_uint1 | |
Exposes uvec1 vector type. | |
GLM_EXT_vector_uint1_precision | |
Exposes highp_uvec1, mediump_uvec1 and lowp_uvec1 types. | |
GLM_EXT_vector_ulp | |
Allow the measurement of the accuracy of a function against a reference implementation. | |
Additional features not specified by GLSL specification.
-EXT extensions are fully tested and documented.
-Even if it's highly unrecommended, it's possible to include all the extensions at once by including <glm/ext.hpp>. Otherwise, each extension needs to be included a specific file.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
Additional features not specified by GLSL specification. -More...
--Modules | |
GLM_GTC_bitfield | |
Include <glm/gtc/bitfield.hpp> to use the features of this extension. | |
GLM_GTC_color_space | |
Include <glm/gtc/color_space.hpp> to use the features of this extension. | |
GLM_GTC_constants | |
Include <glm/gtc/constants.hpp> to use the features of this extension. | |
GLM_GTC_epsilon | |
Include <glm/gtc/epsilon.hpp> to use the features of this extension. | |
GLM_GTC_integer | |
Include <glm/gtc/integer.hpp> to use the features of this extension. | |
GLM_GTC_matrix_access | |
Include <glm/gtc/matrix_access.hpp> to use the features of this extension. | |
GLM_GTC_matrix_integer | |
Include <glm/gtc/matrix_integer.hpp> to use the features of this extension. | |
GLM_GTC_matrix_inverse | |
Include <glm/gtc/matrix_integer.hpp> to use the features of this extension. | |
GLM_GTC_matrix_transform | |
Include <glm/gtc/matrix_transform.hpp> to use the features of this extension. | |
GLM_GTC_noise | |
Include <glm/gtc/noise.hpp> to use the features of this extension. | |
GLM_GTC_packing | |
Include <glm/gtc/packing.hpp> to use the features of this extension. | |
GLM_GTC_quaternion | |
Include <glm/gtc/quaternion.hpp> to use the features of this extension. | |
GLM_GTC_random | |
Include <glm/gtc/random.hpp> to use the features of this extension. | |
GLM_GTC_reciprocal | |
Include <glm/gtc/reciprocal.hpp> to use the features of this extension. | |
GLM_GTC_round | |
Include <glm/gtc/round.hpp> to use the features of this extension. | |
GLM_GTC_type_aligned | |
Include <glm/gtc/type_aligned.hpp> to use the features of this extension. | |
GLM_GTC_type_precision | |
Include <glm/gtc/type_precision.hpp> to use the features of this extension. | |
GLM_GTC_type_ptr | |
Include <glm/gtc/type_ptr.hpp> to use the features of this extension. | |
GLM_GTC_ulp | |
Include <glm/gtc/ulp.hpp> to use the features of this extension. | |
GLM_GTC_vec1 | |
Include <glm/gtc/vec1.hpp> to use the features of this extension. | |
Additional features not specified by GLSL specification.
-GTC extensions aim to be stable with tests and documentation.
-Even if it's highly unrecommended, it's possible to include all the extensions at once by including <glm/ext.hpp>. Otherwise, each extension needs to be included a specific file.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
Experimental features not specified by GLSL specification. -More...
--Modules | |
GLM_GTX_associated_min_max | |
Include <glm/gtx/associated_min_max.hpp> to use the features of this extension. | |
GLM_GTX_bit | |
Include <glm/gtx/bit.hpp> to use the features of this extension. | |
GLM_GTX_closest_point | |
Include <glm/gtx/closest_point.hpp> to use the features of this extension. | |
GLM_GTX_color_encoding | |
Include <glm/gtx/color_encoding.hpp> to use the features of this extension. | |
GLM_GTX_color_space | |
Include <glm/gtx/color_space.hpp> to use the features of this extension. | |
GLM_GTX_color_space_YCoCg | |
Include <glm/gtx/color_space_YCoCg.hpp> to use the features of this extension. | |
GLM_GTX_common | |
Include <glm/gtx/common.hpp> to use the features of this extension. | |
GLM_GTX_compatibility | |
Include <glm/gtx/compatibility.hpp> to use the features of this extension. | |
GLM_GTX_component_wise | |
Include <glm/gtx/component_wise.hpp> to use the features of this extension. | |
GLM_GTX_dual_quaternion | |
Include <glm/gtx/dual_quaternion.hpp> to use the features of this extension. | |
GLM_GTX_easing | |
Include <glm/gtx/easing.hpp> to use the features of this extension. | |
GLM_GTX_euler_angles | |
Include <glm/gtx/euler_angles.hpp> to use the features of this extension. | |
GLM_GTX_extend | |
Include <glm/gtx/extend.hpp> to use the features of this extension. | |
GLM_GTX_extented_min_max | |
Include <glm/gtx/extented_min_max.hpp> to use the features of this extension. | |
GLM_GTX_exterior_product | |
Include <glm/gtx/exterior_product.hpp> to use the features of this extension. | |
GLM_GTX_fast_exponential | |
Include <glm/gtx/fast_exponential.hpp> to use the features of this extension. | |
GLM_GTX_fast_square_root | |
Include <glm/gtx/fast_square_root.hpp> to use the features of this extension. | |
GLM_GTX_fast_trigonometry | |
Include <glm/gtx/fast_trigonometry.hpp> to use the features of this extension. | |
GLM_GTX_functions | |
Include <glm/gtx/functions.hpp> to use the features of this extension. | |
GLM_GTX_gradient_paint | |
Include <glm/gtx/gradient_paint.hpp> to use the features of this extension. | |
GLM_GTX_handed_coordinate_space | |
Include <glm/gtx/handed_coordinate_system.hpp> to use the features of this extension. | |
GLM_GTX_hash | |
Include <glm/gtx/hash.hpp> to use the features of this extension. | |
GLM_GTX_integer | |
Include <glm/gtx/integer.hpp> to use the features of this extension. | |
GLM_GTX_intersect | |
Include <glm/gtx/intersect.hpp> to use the features of this extension. | |
GLM_GTX_io | |
Include <glm/gtx/io.hpp> to use the features of this extension. | |
GLM_GTX_log_base | |
Include <glm/gtx/log_base.hpp> to use the features of this extension. | |
GLM_GTX_matrix_cross_product | |
Include <glm/gtx/matrix_cross_product.hpp> to use the features of this extension. | |
GLM_GTX_matrix_decompose | |
Include <glm/gtx/matrix_decompose.hpp> to use the features of this extension. | |
GLM_GTX_matrix_factorisation | |
Include <glm/gtx/matrix_factorisation.hpp> to use the features of this extension. | |
GLM_GTX_matrix_interpolation | |
Include <glm/gtx/matrix_interpolation.hpp> to use the features of this extension. | |
GLM_GTX_matrix_major_storage | |
Include <glm/gtx/matrix_major_storage.hpp> to use the features of this extension. | |
GLM_GTX_matrix_operation | |
Include <glm/gtx/matrix_operation.hpp> to use the features of this extension. | |
GLM_GTX_matrix_query | |
Include <glm/gtx/matrix_query.hpp> to use the features of this extension. | |
GLM_GTX_matrix_transform_2d | |
Include <glm/gtx/matrix_transform_2d.hpp> to use the features of this extension. | |
GLM_GTX_mixed_producte | |
Include <glm/gtx/mixed_product.hpp> to use the features of this extension. | |
GLM_GTX_norm | |
Include <glm/gtx/norm.hpp> to use the features of this extension. | |
GLM_GTX_normal | |
Include <glm/gtx/normal.hpp> to use the features of this extension. | |
GLM_GTX_normalize_dot | |
Include <glm/gtx/normalized_dot.hpp> to use the features of this extension. | |
GLM_GTX_number_precision | |
Include <glm/gtx/number_precision.hpp> to use the features of this extension. | |
GLM_GTX_optimum_pow | |
Include <glm/gtx/optimum_pow.hpp> to use the features of this extension. | |
GLM_GTX_orthonormalize | |
Include <glm/gtx/orthonormalize.hpp> to use the features of this extension. | |
GLM_GTX_perpendicular | |
Include <glm/gtx/perpendicular.hpp> to use the features of this extension. | |
GLM_GTX_polar_coordinates | |
Include <glm/gtx/polar_coordinates.hpp> to use the features of this extension. | |
GLM_GTX_projection | |
Include <glm/gtx/projection.hpp> to use the features of this extension. | |
GLM_GTX_quaternion | |
Include <glm/gtx/quaternion.hpp> to use the features of this extension. | |
GLM_GTX_range | |
Include <glm/gtx/range.hpp> to use the features of this extension. | |
GLM_GTX_raw_data | |
Include <glm/gtx/raw_data.hpp> to use the features of this extension. | |
GLM_GTX_rotate_normalized_axis | |
Include <glm/gtx/rotate_normalized_axis.hpp> to use the features of this extension. | |
GLM_GTX_rotate_vector | |
Include <glm/gtx/rotate_vector.hpp> to use the features of this extension. | |
GLM_GTX_scalar_relational | |
Include <glm/gtx/scalar_relational.hpp> to use the features of this extension. | |
GLM_GTX_spline | |
Include <glm/gtx/spline.hpp> to use the features of this extension. | |
GLM_GTX_std_based_type | |
Include <glm/gtx/std_based_type.hpp> to use the features of this extension. | |
GLM_GTX_string_cast | |
Include <glm/gtx/string_cast.hpp> to use the features of this extension. | |
GLM_GTX_texture | |
Include <glm/gtx/texture.hpp> to use the features of this extension. | |
GLM_GTX_transform | |
Include <glm/gtx/transform.hpp> to use the features of this extension. | |
GLM_GTX_transform2 | |
Include <glm/gtx/transform2.hpp> to use the features of this extension. | |
GLM_GTX_type_aligned | |
Include <glm/gtx/type_aligned.hpp> to use the features of this extension. | |
GLM_GTX_type_trait | |
Include <glm/gtx/type_trait.hpp> to use the features of this extension. | |
GLM_GTX_vec_swizzle | |
Include <glm/gtx/vec_swizzle.hpp> to use the features of this extension. | |
GLM_GTX_vector_angle | |
Include <glm/gtx/vector_angle.hpp> to use the features of this extension. | |
GLM_GTX_vector_query | |
Include <glm/gtx/vector_query.hpp> to use the features of this extension. | |
GLM_GTX_wrap | |
Include <glm/gtx/wrap.hpp> to use the features of this extension. | |
Experimental features not specified by GLSL specification.
-Experimental extensions are useful functions and types, but the development of their API and functionality is not necessarily stable. They can change substantially between versions. Backwards compatibility is not much of an issue for them.
-Even if it's highly unrecommended, it's possible to include all the extensions at once by including <glm/ext.hpp>. Otherwise, each extension needs to be included a specific file.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
Include <glm/gtc/bitfield.hpp> to use the features of this extension. -More...
--Functions | |
GLM_FUNC_DECL glm::u8vec2 | bitfieldDeinterleave (glm::uint16 x) |
Deinterleaves the bits of x. More... | |
GLM_FUNC_DECL glm::u16vec2 | bitfieldDeinterleave (glm::uint32 x) |
Deinterleaves the bits of x. More... | |
GLM_FUNC_DECL glm::u32vec2 | bitfieldDeinterleave (glm::uint64 x) |
Deinterleaves the bits of x. More... | |
template<typename genIUType > | |
GLM_FUNC_DECL genIUType | bitfieldFillOne (genIUType Value, int FirstBit, int BitCount) |
Set to 1 a range of bits. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, T, Q > | bitfieldFillOne (vec< L, T, Q > const &Value, int FirstBit, int BitCount) |
Set to 1 a range of bits. More... | |
template<typename genIUType > | |
GLM_FUNC_DECL genIUType | bitfieldFillZero (genIUType Value, int FirstBit, int BitCount) |
Set to 0 a range of bits. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, T, Q > | bitfieldFillZero (vec< L, T, Q > const &Value, int FirstBit, int BitCount) |
Set to 0 a range of bits. More... | |
GLM_FUNC_DECL int16 | bitfieldInterleave (int8 x, int8 y) |
Interleaves the bits of x and y. More... | |
GLM_FUNC_DECL uint16 | bitfieldInterleave (uint8 x, uint8 y) |
Interleaves the bits of x and y. More... | |
GLM_FUNC_DECL uint16 | bitfieldInterleave (u8vec2 const &v) |
Interleaves the bits of x and y. More... | |
GLM_FUNC_DECL int32 | bitfieldInterleave (int16 x, int16 y) |
Interleaves the bits of x and y. More... | |
GLM_FUNC_DECL uint32 | bitfieldInterleave (uint16 x, uint16 y) |
Interleaves the bits of x and y. More... | |
GLM_FUNC_DECL uint32 | bitfieldInterleave (u16vec2 const &v) |
Interleaves the bits of x and y. More... | |
GLM_FUNC_DECL int64 | bitfieldInterleave (int32 x, int32 y) |
Interleaves the bits of x and y. More... | |
GLM_FUNC_DECL uint64 | bitfieldInterleave (uint32 x, uint32 y) |
Interleaves the bits of x and y. More... | |
GLM_FUNC_DECL uint64 | bitfieldInterleave (u32vec2 const &v) |
Interleaves the bits of x and y. More... | |
GLM_FUNC_DECL int32 | bitfieldInterleave (int8 x, int8 y, int8 z) |
Interleaves the bits of x, y and z. More... | |
GLM_FUNC_DECL uint32 | bitfieldInterleave (uint8 x, uint8 y, uint8 z) |
Interleaves the bits of x, y and z. More... | |
GLM_FUNC_DECL int64 | bitfieldInterleave (int16 x, int16 y, int16 z) |
Interleaves the bits of x, y and z. More... | |
GLM_FUNC_DECL uint64 | bitfieldInterleave (uint16 x, uint16 y, uint16 z) |
Interleaves the bits of x, y and z. More... | |
GLM_FUNC_DECL int64 | bitfieldInterleave (int32 x, int32 y, int32 z) |
Interleaves the bits of x, y and z. More... | |
GLM_FUNC_DECL uint64 | bitfieldInterleave (uint32 x, uint32 y, uint32 z) |
Interleaves the bits of x, y and z. More... | |
GLM_FUNC_DECL int32 | bitfieldInterleave (int8 x, int8 y, int8 z, int8 w) |
Interleaves the bits of x, y, z and w. More... | |
GLM_FUNC_DECL uint32 | bitfieldInterleave (uint8 x, uint8 y, uint8 z, uint8 w) |
Interleaves the bits of x, y, z and w. More... | |
GLM_FUNC_DECL int64 | bitfieldInterleave (int16 x, int16 y, int16 z, int16 w) |
Interleaves the bits of x, y, z and w. More... | |
GLM_FUNC_DECL uint64 | bitfieldInterleave (uint16 x, uint16 y, uint16 z, uint16 w) |
Interleaves the bits of x, y, z and w. More... | |
template<typename genIUType > | |
GLM_FUNC_DECL genIUType | bitfieldRotateLeft (genIUType In, int Shift) |
Rotate all bits to the left. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, T, Q > | bitfieldRotateLeft (vec< L, T, Q > const &In, int Shift) |
Rotate all bits to the left. More... | |
template<typename genIUType > | |
GLM_FUNC_DECL genIUType | bitfieldRotateRight (genIUType In, int Shift) |
Rotate all bits to the right. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, T, Q > | bitfieldRotateRight (vec< L, T, Q > const &In, int Shift) |
Rotate all bits to the right. More... | |
template<typename genIUType > | |
GLM_FUNC_DECL genIUType | mask (genIUType Bits) |
Build a mask of 'count' bits. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, T, Q > | mask (vec< L, T, Q > const &v) |
Build a mask of 'count' bits. More... | |
Include <glm/gtc/bitfield.hpp> to use the features of this extension.
-Allow to perform bit operations on integer values
-GLM_FUNC_DECL glm::u8vec2 glm::bitfieldDeinterleave | -( | -glm::uint16 | -x | ) | -- |
Deinterleaves the bits of x.
-GLM_FUNC_DECL glm::u16vec2 glm::bitfieldDeinterleave | -( | -glm::uint32 | -x | ) | -- |
Deinterleaves the bits of x.
-GLM_FUNC_DECL glm::u32vec2 glm::bitfieldDeinterleave | -( | -glm::uint64 | -x | ) | -- |
Deinterleaves the bits of x.
-GLM_FUNC_DECL genIUType glm::bitfieldFillOne | -( | -genIUType | -Value, | -
- | - | int | -FirstBit, | -
- | - | int | -BitCount | -
- | ) | -- |
Set to 1 a range of bits.
-GLM_FUNC_DECL vec<L, T, Q> glm::bitfieldFillOne | -( | -vec< L, T, Q > const & | -Value, | -
- | - | int | -FirstBit, | -
- | - | int | -BitCount | -
- | ) | -- |
Set to 1 a range of bits.
-L | Integer between 1 and 4 included that qualify the dimension of the vector |
T | Signed and unsigned integer scalar types |
Q | Value from qualifier enum |
GLM_FUNC_DECL genIUType glm::bitfieldFillZero | -( | -genIUType | -Value, | -
- | - | int | -FirstBit, | -
- | - | int | -BitCount | -
- | ) | -- |
Set to 0 a range of bits.
-GLM_FUNC_DECL vec<L, T, Q> glm::bitfieldFillZero | -( | -vec< L, T, Q > const & | -Value, | -
- | - | int | -FirstBit, | -
- | - | int | -BitCount | -
- | ) | -- |
Set to 0 a range of bits.
-L | Integer between 1 and 4 included that qualify the dimension of the vector |
T | Signed and unsigned integer scalar types |
Q | Value from qualifier enum |
GLM_FUNC_DECL int16 glm::bitfieldInterleave | -( | -int8 | -x, | -
- | - | int8 | -y | -
- | ) | -- |
Interleaves the bits of x and y.
-The first bit is the first bit of x followed by the first bit of y. The other bits are interleaved following the previous sequence.
-GLM_FUNC_DECL uint16 glm::bitfieldInterleave | -( | -uint8 | -x, | -
- | - | uint8 | -y | -
- | ) | -- |
Interleaves the bits of x and y.
-The first bit is the first bit of x followed by the first bit of y. The other bits are interleaved following the previous sequence.
-GLM_FUNC_DECL uint16 glm::bitfieldInterleave | -( | -u8vec2 const & | -v | ) | -- |
Interleaves the bits of x and y.
-The first bit is the first bit of v.x followed by the first bit of v.y. The other bits are interleaved following the previous sequence.
-GLM_FUNC_DECL int32 glm::bitfieldInterleave | -( | -int16 | -x, | -
- | - | int16 | -y | -
- | ) | -- |
Interleaves the bits of x and y.
-The first bit is the first bit of x followed by the first bit of y. The other bits are interleaved following the previous sequence.
-GLM_FUNC_DECL uint32 glm::bitfieldInterleave | -( | -uint16 | -x, | -
- | - | uint16 | -y | -
- | ) | -- |
Interleaves the bits of x and y.
-The first bit is the first bit of x followed by the first bit of y. The other bits are interleaved following the previous sequence.
-GLM_FUNC_DECL uint32 glm::bitfieldInterleave | -( | -u16vec2 const & | -v | ) | -- |
Interleaves the bits of x and y.
-The first bit is the first bit of v.x followed by the first bit of v.y. The other bits are interleaved following the previous sequence.
-GLM_FUNC_DECL int64 glm::bitfieldInterleave | -( | -int32 | -x, | -
- | - | int32 | -y | -
- | ) | -- |
Interleaves the bits of x and y.
-The first bit is the first bit of x followed by the first bit of y. The other bits are interleaved following the previous sequence.
-GLM_FUNC_DECL uint64 glm::bitfieldInterleave | -( | -uint32 | -x, | -
- | - | uint32 | -y | -
- | ) | -- |
Interleaves the bits of x and y.
-The first bit is the first bit of x followed by the first bit of y. The other bits are interleaved following the previous sequence.
-GLM_FUNC_DECL uint64 glm::bitfieldInterleave | -( | -u32vec2 const & | -v | ) | -- |
Interleaves the bits of x and y.
-The first bit is the first bit of v.x followed by the first bit of v.y. The other bits are interleaved following the previous sequence.
-GLM_FUNC_DECL int32 glm::bitfieldInterleave | -( | -int8 | -x, | -
- | - | int8 | -y, | -
- | - | int8 | -z | -
- | ) | -- |
Interleaves the bits of x, y and z.
-The first bit is the first bit of x followed by the first bit of y and the first bit of z. The other bits are interleaved following the previous sequence.
-GLM_FUNC_DECL uint32 glm::bitfieldInterleave | -( | -uint8 | -x, | -
- | - | uint8 | -y, | -
- | - | uint8 | -z | -
- | ) | -- |
Interleaves the bits of x, y and z.
-The first bit is the first bit of x followed by the first bit of y and the first bit of z. The other bits are interleaved following the previous sequence.
-GLM_FUNC_DECL int64 glm::bitfieldInterleave | -( | -int16 | -x, | -
- | - | int16 | -y, | -
- | - | int16 | -z | -
- | ) | -- |
Interleaves the bits of x, y and z.
-The first bit is the first bit of x followed by the first bit of y and the first bit of z. The other bits are interleaved following the previous sequence.
-GLM_FUNC_DECL uint64 glm::bitfieldInterleave | -( | -uint16 | -x, | -
- | - | uint16 | -y, | -
- | - | uint16 | -z | -
- | ) | -- |
Interleaves the bits of x, y and z.
-The first bit is the first bit of x followed by the first bit of y and the first bit of z. The other bits are interleaved following the previous sequence.
-GLM_FUNC_DECL int64 glm::bitfieldInterleave | -( | -int32 | -x, | -
- | - | int32 | -y, | -
- | - | int32 | -z | -
- | ) | -- |
Interleaves the bits of x, y and z.
-The first bit is the first bit of x followed by the first bit of y and the first bit of z. The other bits are interleaved following the previous sequence.
-GLM_FUNC_DECL uint64 glm::bitfieldInterleave | -( | -uint32 | -x, | -
- | - | uint32 | -y, | -
- | - | uint32 | -z | -
- | ) | -- |
Interleaves the bits of x, y and z.
-The first bit is the first bit of x followed by the first bit of y and the first bit of z. The other bits are interleaved following the previous sequence.
-GLM_FUNC_DECL int32 glm::bitfieldInterleave | -( | -int8 | -x, | -
- | - | int8 | -y, | -
- | - | int8 | -z, | -
- | - | int8 | -w | -
- | ) | -- |
Interleaves the bits of x, y, z and w.
-The first bit is the first bit of x followed by the first bit of y, the first bit of z and finally the first bit of w. The other bits are interleaved following the previous sequence.
-GLM_FUNC_DECL uint32 glm::bitfieldInterleave | -( | -uint8 | -x, | -
- | - | uint8 | -y, | -
- | - | uint8 | -z, | -
- | - | uint8 | -w | -
- | ) | -- |
Interleaves the bits of x, y, z and w.
-The first bit is the first bit of x followed by the first bit of y, the first bit of z and finally the first bit of w. The other bits are interleaved following the previous sequence.
-GLM_FUNC_DECL int64 glm::bitfieldInterleave | -( | -int16 | -x, | -
- | - | int16 | -y, | -
- | - | int16 | -z, | -
- | - | int16 | -w | -
- | ) | -- |
Interleaves the bits of x, y, z and w.
-The first bit is the first bit of x followed by the first bit of y, the first bit of z and finally the first bit of w. The other bits are interleaved following the previous sequence.
-GLM_FUNC_DECL uint64 glm::bitfieldInterleave | -( | -uint16 | -x, | -
- | - | uint16 | -y, | -
- | - | uint16 | -z, | -
- | - | uint16 | -w | -
- | ) | -- |
Interleaves the bits of x, y, z and w.
-The first bit is the first bit of x followed by the first bit of y, the first bit of z and finally the first bit of w. The other bits are interleaved following the previous sequence.
-GLM_FUNC_DECL genIUType glm::bitfieldRotateLeft | -( | -genIUType | -In, | -
- | - | int | -Shift | -
- | ) | -- |
Rotate all bits to the left.
-All the bits dropped in the left side are inserted back on the right side.
-GLM_FUNC_DECL vec<L, T, Q> glm::bitfieldRotateLeft | -( | -vec< L, T, Q > const & | -In, | -
- | - | int | -Shift | -
- | ) | -- |
Rotate all bits to the left.
-All the bits dropped in the left side are inserted back on the right side.
-L | Integer between 1 and 4 included that qualify the dimension of the vector |
T | Signed and unsigned integer scalar types |
Q | Value from qualifier enum |
GLM_FUNC_DECL genIUType glm::bitfieldRotateRight | -( | -genIUType | -In, | -
- | - | int | -Shift | -
- | ) | -- |
Rotate all bits to the right.
-All the bits dropped in the right side are inserted back on the left side.
-GLM_FUNC_DECL vec<L, T, Q> glm::bitfieldRotateRight | -( | -vec< L, T, Q > const & | -In, | -
- | - | int | -Shift | -
- | ) | -- |
Rotate all bits to the right.
-All the bits dropped in the right side are inserted back on the left side.
-L | Integer between 1 and 4 included that qualify the dimension of the vector |
T | Signed and unsigned integer scalar types |
Q | Value from qualifier enum |
GLM_FUNC_DECL genIUType glm::mask | -( | -genIUType | -Bits | ) | -- |
Build a mask of 'count' bits.
-GLM_FUNC_DECL vec<L, T, Q> glm::mask | -( | -vec< L, T, Q > const & | -v | ) | -- |
Build a mask of 'count' bits.
-L | Integer between 1 and 4 included that qualify the dimension of the vector |
T | Signed and unsigned integer scalar types |
Q | Value from qualifier enum |
![]() |
-
- 0.9.9 API documentation
-
- |
-
Include <glm/gtc/color_space.hpp> to use the features of this extension. -More...
--Functions | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, T, Q > | convertLinearToSRGB (vec< L, T, Q > const &ColorLinear) |
Convert a linear color to sRGB color using a standard gamma correction. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, T, Q > | convertLinearToSRGB (vec< L, T, Q > const &ColorLinear, T Gamma) |
Convert a linear color to sRGB color using a custom gamma correction. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, T, Q > | convertSRGBToLinear (vec< L, T, Q > const &ColorSRGB) |
Convert a sRGB color to linear color using a standard gamma correction. More... | |
-template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, T, Q > | convertSRGBToLinear (vec< L, T, Q > const &ColorSRGB, T Gamma) |
Convert a sRGB color to linear color using a custom gamma correction. | |
Include <glm/gtc/color_space.hpp> to use the features of this extension.
-Allow to perform bit operations on integer values
-GLM_FUNC_DECL vec<L, T, Q> glm::convertLinearToSRGB | -( | -vec< L, T, Q > const & | -ColorLinear | ) | -- |
Convert a linear color to sRGB color using a standard gamma correction.
-IEC 61966-2-1:1999 / Rec. 709 specification https://www.w3.org/Graphics/Color/srgb
- -GLM_FUNC_DECL vec<L, T, Q> glm::convertLinearToSRGB | -( | -vec< L, T, Q > const & | -ColorLinear, | -
- | - | T | -Gamma | -
- | ) | -- |
Convert a linear color to sRGB color using a custom gamma correction.
-IEC 61966-2-1:1999 / Rec. 709 specification https://www.w3.org/Graphics/Color/srgb
- -GLM_FUNC_DECL vec<L, T, Q> glm::convertSRGBToLinear | -( | -vec< L, T, Q > const & | -ColorSRGB | ) | -- |
Convert a sRGB color to linear color using a standard gamma correction.
-IEC 61966-2-1:1999 / Rec. 709 specification https://www.w3.org/Graphics/Color/srgb
- -![]() |
-
- 0.9.9 API documentation
-
- |
-
Include <glm/gtc/constants.hpp> to use the features of this extension. -More...
--Functions | |
template<typename genType > | |
GLM_FUNC_DECL GLM_CONSTEXPR genType | e () |
Return e constant. More... | |
template<typename genType > | |
GLM_FUNC_DECL GLM_CONSTEXPR genType | euler () |
Return Euler's constant. More... | |
template<typename genType > | |
GLM_FUNC_DECL GLM_CONSTEXPR genType | four_over_pi () |
Return 4 / pi. More... | |
template<typename genType > | |
GLM_FUNC_DECL GLM_CONSTEXPR genType | golden_ratio () |
Return the golden ratio constant. More... | |
template<typename genType > | |
GLM_FUNC_DECL GLM_CONSTEXPR genType | half_pi () |
Return pi / 2. More... | |
template<typename genType > | |
GLM_FUNC_DECL GLM_CONSTEXPR genType | ln_ln_two () |
Return ln(ln(2)). More... | |
template<typename genType > | |
GLM_FUNC_DECL GLM_CONSTEXPR genType | ln_ten () |
Return ln(10). More... | |
template<typename genType > | |
GLM_FUNC_DECL GLM_CONSTEXPR genType | ln_two () |
Return ln(2). More... | |
template<typename genType > | |
GLM_FUNC_DECL GLM_CONSTEXPR genType | one () |
Return 1. More... | |
template<typename genType > | |
GLM_FUNC_DECL GLM_CONSTEXPR genType | one_over_pi () |
Return 1 / pi. More... | |
template<typename genType > | |
GLM_FUNC_DECL GLM_CONSTEXPR genType | one_over_root_two () |
Return 1 / sqrt(2). More... | |
template<typename genType > | |
GLM_FUNC_DECL GLM_CONSTEXPR genType | one_over_two_pi () |
Return 1 / (pi * 2). More... | |
template<typename genType > | |
GLM_FUNC_DECL GLM_CONSTEXPR genType | quarter_pi () |
Return pi / 4. More... | |
template<typename genType > | |
GLM_FUNC_DECL GLM_CONSTEXPR genType | root_five () |
Return sqrt(5). More... | |
template<typename genType > | |
GLM_FUNC_DECL GLM_CONSTEXPR genType | root_half_pi () |
Return sqrt(pi / 2). More... | |
template<typename genType > | |
GLM_FUNC_DECL GLM_CONSTEXPR genType | root_ln_four () |
Return sqrt(ln(4)). More... | |
template<typename genType > | |
GLM_FUNC_DECL GLM_CONSTEXPR genType | root_pi () |
Return square root of pi. More... | |
template<typename genType > | |
GLM_FUNC_DECL GLM_CONSTEXPR genType | root_three () |
Return sqrt(3). More... | |
template<typename genType > | |
GLM_FUNC_DECL GLM_CONSTEXPR genType | root_two () |
Return sqrt(2). More... | |
template<typename genType > | |
GLM_FUNC_DECL GLM_CONSTEXPR genType | root_two_pi () |
Return sqrt(2 * pi). More... | |
template<typename genType > | |
GLM_FUNC_DECL GLM_CONSTEXPR genType | third () |
Return 1 / 3. More... | |
template<typename genType > | |
GLM_FUNC_DECL GLM_CONSTEXPR genType | three_over_two_pi () |
Return pi / 2 * 3. More... | |
template<typename genType > | |
GLM_FUNC_DECL GLM_CONSTEXPR genType | two_over_pi () |
Return 2 / pi. More... | |
template<typename genType > | |
GLM_FUNC_DECL GLM_CONSTEXPR genType | two_over_root_pi () |
Return 2 / sqrt(pi). More... | |
template<typename genType > | |
GLM_FUNC_DECL GLM_CONSTEXPR genType | two_pi () |
Return pi * 2. More... | |
template<typename genType > | |
GLM_FUNC_DECL GLM_CONSTEXPR genType | two_thirds () |
Return 2 / 3. More... | |
template<typename genType > | |
GLM_FUNC_DECL GLM_CONSTEXPR genType | zero () |
Return 0. More... | |
Include <glm/gtc/constants.hpp> to use the features of this extension.
-Provide a list of constants and precomputed useful values.
-GLM_FUNC_DECL GLM_CONSTEXPR genType glm::e | -( | -) | -- |
Return e constant.
-GLM_FUNC_DECL GLM_CONSTEXPR genType glm::euler | -( | -) | -- |
Return Euler's constant.
-GLM_FUNC_DECL GLM_CONSTEXPR genType glm::four_over_pi | -( | -) | -- |
Return 4 / pi.
-GLM_FUNC_DECL GLM_CONSTEXPR genType glm::golden_ratio | -( | -) | -- |
Return the golden ratio constant.
-GLM_FUNC_DECL GLM_CONSTEXPR genType glm::half_pi | -( | -) | -- |
Return pi / 2.
-GLM_FUNC_DECL GLM_CONSTEXPR genType glm::ln_ln_two | -( | -) | -- |
Return ln(ln(2)).
-GLM_FUNC_DECL GLM_CONSTEXPR genType glm::ln_ten | -( | -) | -- |
Return ln(10).
-GLM_FUNC_DECL GLM_CONSTEXPR genType glm::ln_two | -( | -) | -- |
Return ln(2).
-GLM_FUNC_DECL GLM_CONSTEXPR genType glm::one | -( | -) | -- |
Return 1.
-GLM_FUNC_DECL GLM_CONSTEXPR genType glm::one_over_pi | -( | -) | -- |
Return 1 / pi.
-GLM_FUNC_DECL GLM_CONSTEXPR genType glm::one_over_root_two | -( | -) | -- |
Return 1 / sqrt(2).
-GLM_FUNC_DECL GLM_CONSTEXPR genType glm::one_over_two_pi | -( | -) | -- |
Return 1 / (pi * 2).
-GLM_FUNC_DECL GLM_CONSTEXPR genType glm::quarter_pi | -( | -) | -- |
Return pi / 4.
-GLM_FUNC_DECL GLM_CONSTEXPR genType glm::root_five | -( | -) | -- |
Return sqrt(5).
-GLM_FUNC_DECL GLM_CONSTEXPR genType glm::root_half_pi | -( | -) | -- |
Return sqrt(pi / 2).
-GLM_FUNC_DECL GLM_CONSTEXPR genType glm::root_ln_four | -( | -) | -- |
Return sqrt(ln(4)).
-GLM_FUNC_DECL GLM_CONSTEXPR genType glm::root_pi | -( | -) | -- |
Return square root of pi.
-GLM_FUNC_DECL GLM_CONSTEXPR genType glm::root_three | -( | -) | -- |
Return sqrt(3).
-GLM_FUNC_DECL GLM_CONSTEXPR genType glm::root_two | -( | -) | -- |
Return sqrt(2).
-GLM_FUNC_DECL GLM_CONSTEXPR genType glm::root_two_pi | -( | -) | -- |
Return sqrt(2 * pi).
-GLM_FUNC_DECL GLM_CONSTEXPR genType glm::third | -( | -) | -- |
Return 1 / 3.
-GLM_FUNC_DECL GLM_CONSTEXPR genType glm::three_over_two_pi | -( | -) | -- |
Return pi / 2 * 3.
-GLM_FUNC_DECL GLM_CONSTEXPR genType glm::two_over_pi | -( | -) | -- |
Return 2 / pi.
-GLM_FUNC_DECL GLM_CONSTEXPR genType glm::two_over_root_pi | -( | -) | -- |
Return 2 / sqrt(pi).
-GLM_FUNC_DECL GLM_CONSTEXPR genType glm::two_pi | -( | -) | -- |
Return pi * 2.
-GLM_FUNC_DECL GLM_CONSTEXPR genType glm::two_thirds | -( | -) | -- |
Return 2 / 3.
-GLM_FUNC_DECL GLM_CONSTEXPR genType glm::zero | -( | -) | -- |
Return 0.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
Include <glm/gtc/epsilon.hpp> to use the features of this extension. -More...
--Functions | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, bool, Q > | epsilonEqual (vec< L, T, Q > const &x, vec< L, T, Q > const &y, T const &epsilon) |
Returns the component-wise comparison of |x - y| < epsilon. More... | |
template<typename genType > | |
GLM_FUNC_DECL bool | epsilonEqual (genType const &x, genType const &y, genType const &epsilon) |
Returns the component-wise comparison of |x - y| < epsilon. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, bool, Q > | epsilonNotEqual (vec< L, T, Q > const &x, vec< L, T, Q > const &y, T const &epsilon) |
Returns the component-wise comparison of |x - y| < epsilon. More... | |
template<typename genType > | |
GLM_FUNC_DECL bool | epsilonNotEqual (genType const &x, genType const &y, genType const &epsilon) |
Returns the component-wise comparison of |x - y| >= epsilon. More... | |
Include <glm/gtc/epsilon.hpp> to use the features of this extension.
-Comparison functions for a user defined epsilon values.
-GLM_FUNC_DECL vec<L, bool, Q> glm::epsilonEqual | -( | -vec< L, T, Q > const & | -x, | -
- | - | vec< L, T, Q > const & | -y, | -
- | - | T const & | -epsilon | -
- | ) | -- |
Returns the component-wise comparison of |x - y| < epsilon.
-True if this expression is satisfied.
-GLM_FUNC_DECL bool glm::epsilonEqual | -( | -genType const & | -x, | -
- | - | genType const & | -y, | -
- | - | genType const & | -epsilon | -
- | ) | -- |
Returns the component-wise comparison of |x - y| < epsilon.
-True if this expression is satisfied.
-GLM_FUNC_DECL vec<L, bool, Q> glm::epsilonNotEqual | -( | -vec< L, T, Q > const & | -x, | -
- | - | vec< L, T, Q > const & | -y, | -
- | - | T const & | -epsilon | -
- | ) | -- |
Returns the component-wise comparison of |x - y| < epsilon.
-True if this expression is not satisfied.
-GLM_FUNC_DECL bool glm::epsilonNotEqual | -( | -genType const & | -x, | -
- | - | genType const & | -y, | -
- | - | genType const & | -epsilon | -
- | ) | -- |
Returns the component-wise comparison of |x - y| >= epsilon.
-True if this expression is not satisfied.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
Include <glm/gtc/integer.hpp> to use the features of this extension. -More...
--Functions | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, int, Q > | iround (vec< L, T, Q > const &x) |
Returns a value equal to the nearest integer to x. More... | |
template<typename genIUType > | |
GLM_FUNC_DECL genIUType | log2 (genIUType x) |
Returns the log2 of x for integer values. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, uint, Q > | uround (vec< L, T, Q > const &x) |
Returns a value equal to the nearest integer to x. More... | |
Include <glm/gtc/integer.hpp> to use the features of this extension.
-Allow to perform bit operations on integer values
-GLM_FUNC_DECL vec<L, int, Q> glm::iround | -( | -vec< L, T, Q > const & | -x | ) | -- |
Returns a value equal to the nearest integer to x.
-The fraction 0.5 will round in a direction chosen by the implementation, presumably the direction that is fastest.
-x | The values of the argument must be greater or equal to zero. |
T | floating point scalar types. |
GLM_FUNC_DECL genIUType glm::log2 | -( | -genIUType | -x | ) | -- |
Returns the log2 of x for integer values.
-Usefull to compute mipmap count from the texture size.
GLM_FUNC_DECL vec<L, uint, Q> glm::uround | -( | -vec< L, T, Q > const & | -x | ) | -- |
Returns a value equal to the nearest integer to x.
-The fraction 0.5 will round in a direction chosen by the implementation, presumably the direction that is fastest.
-x | The values of the argument must be greater or equal to zero. |
T | floating point scalar types. |
![]() |
-
- 0.9.9 API documentation
-
- |
-
Include <glm/gtc/matrix_access.hpp> to use the features of this extension. -More...
--Functions | |
template<typename genType > | |
GLM_FUNC_DECL genType::col_type | column (genType const &m, length_t index) |
Get a specific column of a matrix. More... | |
template<typename genType > | |
GLM_FUNC_DECL genType | column (genType const &m, length_t index, typename genType::col_type const &x) |
Set a specific column to a matrix. More... | |
template<typename genType > | |
GLM_FUNC_DECL genType::row_type | row (genType const &m, length_t index) |
Get a specific row of a matrix. More... | |
template<typename genType > | |
GLM_FUNC_DECL genType | row (genType const &m, length_t index, typename genType::row_type const &x) |
Set a specific row to a matrix. More... | |
Include <glm/gtc/matrix_access.hpp> to use the features of this extension.
-Defines functions to access rows or columns of a matrix easily.
-GLM_FUNC_DECL genType::col_type glm::column | -( | -genType const & | -m, | -
- | - | length_t | -index | -
- | ) | -- |
Get a specific column of a matrix.
-GLM_FUNC_DECL genType glm::column | -( | -genType const & | -m, | -
- | - | length_t | -index, | -
- | - | typename genType::col_type const & | -x | -
- | ) | -- |
Set a specific column to a matrix.
-GLM_FUNC_DECL genType::row_type glm::row | -( | -genType const & | -m, | -
- | - | length_t | -index | -
- | ) | -- |
Get a specific row of a matrix.
-GLM_FUNC_DECL genType glm::row | -( | -genType const & | -m, | -
- | - | length_t | -index, | -
- | - | typename genType::row_type const & | -x | -
- | ) | -- |
Set a specific row to a matrix.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
Include <glm/gtc/matrix_integer.hpp> to use the features of this extension. -More...
--Typedefs | |
typedef mat< 2, 2, int, highp > | highp_imat2 |
High-qualifier signed integer 2x2 matrix. More... | |
typedef mat< 2, 2, int, highp > | highp_imat2x2 |
High-qualifier signed integer 2x2 matrix. More... | |
typedef mat< 2, 3, int, highp > | highp_imat2x3 |
High-qualifier signed integer 2x3 matrix. More... | |
typedef mat< 2, 4, int, highp > | highp_imat2x4 |
High-qualifier signed integer 2x4 matrix. More... | |
typedef mat< 3, 3, int, highp > | highp_imat3 |
High-qualifier signed integer 3x3 matrix. More... | |
typedef mat< 3, 2, int, highp > | highp_imat3x2 |
High-qualifier signed integer 3x2 matrix. More... | |
typedef mat< 3, 3, int, highp > | highp_imat3x3 |
High-qualifier signed integer 3x3 matrix. More... | |
typedef mat< 3, 4, int, highp > | highp_imat3x4 |
High-qualifier signed integer 3x4 matrix. More... | |
typedef mat< 4, 4, int, highp > | highp_imat4 |
High-qualifier signed integer 4x4 matrix. More... | |
typedef mat< 4, 2, int, highp > | highp_imat4x2 |
High-qualifier signed integer 4x2 matrix. More... | |
typedef mat< 4, 3, int, highp > | highp_imat4x3 |
High-qualifier signed integer 4x3 matrix. More... | |
typedef mat< 4, 4, int, highp > | highp_imat4x4 |
High-qualifier signed integer 4x4 matrix. More... | |
typedef mat< 2, 2, uint, highp > | highp_umat2 |
High-qualifier unsigned integer 2x2 matrix. More... | |
typedef mat< 2, 2, uint, highp > | highp_umat2x2 |
High-qualifier unsigned integer 2x2 matrix. More... | |
typedef mat< 2, 3, uint, highp > | highp_umat2x3 |
High-qualifier unsigned integer 2x3 matrix. More... | |
typedef mat< 2, 4, uint, highp > | highp_umat2x4 |
High-qualifier unsigned integer 2x4 matrix. More... | |
typedef mat< 3, 3, uint, highp > | highp_umat3 |
High-qualifier unsigned integer 3x3 matrix. More... | |
typedef mat< 3, 2, uint, highp > | highp_umat3x2 |
High-qualifier unsigned integer 3x2 matrix. More... | |
typedef mat< 3, 3, uint, highp > | highp_umat3x3 |
High-qualifier unsigned integer 3x3 matrix. More... | |
typedef mat< 3, 4, uint, highp > | highp_umat3x4 |
High-qualifier unsigned integer 3x4 matrix. More... | |
typedef mat< 4, 4, uint, highp > | highp_umat4 |
High-qualifier unsigned integer 4x4 matrix. More... | |
typedef mat< 4, 2, uint, highp > | highp_umat4x2 |
High-qualifier unsigned integer 4x2 matrix. More... | |
typedef mat< 4, 3, uint, highp > | highp_umat4x3 |
High-qualifier unsigned integer 4x3 matrix. More... | |
typedef mat< 4, 4, uint, highp > | highp_umat4x4 |
High-qualifier unsigned integer 4x4 matrix. More... | |
typedef mediump_imat2 | imat2 |
Signed integer 2x2 matrix. More... | |
typedef mediump_imat2x2 | imat2x2 |
Signed integer 2x2 matrix. More... | |
typedef mediump_imat2x3 | imat2x3 |
Signed integer 2x3 matrix. More... | |
typedef mediump_imat2x4 | imat2x4 |
Signed integer 2x4 matrix. More... | |
typedef mediump_imat3 | imat3 |
Signed integer 3x3 matrix. More... | |
typedef mediump_imat3x2 | imat3x2 |
Signed integer 3x2 matrix. More... | |
typedef mediump_imat3x3 | imat3x3 |
Signed integer 3x3 matrix. More... | |
typedef mediump_imat3x4 | imat3x4 |
Signed integer 3x4 matrix. More... | |
typedef mediump_imat4 | imat4 |
Signed integer 4x4 matrix. More... | |
typedef mediump_imat4x2 | imat4x2 |
Signed integer 4x2 matrix. More... | |
typedef mediump_imat4x3 | imat4x3 |
Signed integer 4x3 matrix. More... | |
typedef mediump_imat4x4 | imat4x4 |
Signed integer 4x4 matrix. More... | |
typedef mat< 2, 2, int, lowp > | lowp_imat2 |
Low-qualifier signed integer 2x2 matrix. More... | |
typedef mat< 2, 2, int, lowp > | lowp_imat2x2 |
Low-qualifier signed integer 2x2 matrix. More... | |
typedef mat< 2, 3, int, lowp > | lowp_imat2x3 |
Low-qualifier signed integer 2x3 matrix. More... | |
typedef mat< 2, 4, int, lowp > | lowp_imat2x4 |
Low-qualifier signed integer 2x4 matrix. More... | |
typedef mat< 3, 3, int, lowp > | lowp_imat3 |
Low-qualifier signed integer 3x3 matrix. More... | |
typedef mat< 3, 2, int, lowp > | lowp_imat3x2 |
Low-qualifier signed integer 3x2 matrix. More... | |
typedef mat< 3, 3, int, lowp > | lowp_imat3x3 |
Low-qualifier signed integer 3x3 matrix. More... | |
typedef mat< 3, 4, int, lowp > | lowp_imat3x4 |
Low-qualifier signed integer 3x4 matrix. More... | |
typedef mat< 4, 4, int, lowp > | lowp_imat4 |
Low-qualifier signed integer 4x4 matrix. More... | |
typedef mat< 4, 2, int, lowp > | lowp_imat4x2 |
Low-qualifier signed integer 4x2 matrix. More... | |
typedef mat< 4, 3, int, lowp > | lowp_imat4x3 |
Low-qualifier signed integer 4x3 matrix. More... | |
typedef mat< 4, 4, int, lowp > | lowp_imat4x4 |
Low-qualifier signed integer 4x4 matrix. More... | |
typedef mat< 2, 2, uint, lowp > | lowp_umat2 |
Low-qualifier unsigned integer 2x2 matrix. More... | |
typedef mat< 2, 2, uint, lowp > | lowp_umat2x2 |
Low-qualifier unsigned integer 2x2 matrix. More... | |
typedef mat< 2, 3, uint, lowp > | lowp_umat2x3 |
Low-qualifier unsigned integer 2x3 matrix. More... | |
typedef mat< 2, 4, uint, lowp > | lowp_umat2x4 |
Low-qualifier unsigned integer 2x4 matrix. More... | |
typedef mat< 3, 3, uint, lowp > | lowp_umat3 |
Low-qualifier unsigned integer 3x3 matrix. More... | |
typedef mat< 3, 2, uint, lowp > | lowp_umat3x2 |
Low-qualifier unsigned integer 3x2 matrix. More... | |
typedef mat< 3, 3, uint, lowp > | lowp_umat3x3 |
Low-qualifier unsigned integer 3x3 matrix. More... | |
typedef mat< 3, 4, uint, lowp > | lowp_umat3x4 |
Low-qualifier unsigned integer 3x4 matrix. More... | |
typedef mat< 4, 4, uint, lowp > | lowp_umat4 |
Low-qualifier unsigned integer 4x4 matrix. More... | |
typedef mat< 4, 2, uint, lowp > | lowp_umat4x2 |
Low-qualifier unsigned integer 4x2 matrix. More... | |
typedef mat< 4, 3, uint, lowp > | lowp_umat4x3 |
Low-qualifier unsigned integer 4x3 matrix. More... | |
typedef mat< 4, 4, uint, lowp > | lowp_umat4x4 |
Low-qualifier unsigned integer 4x4 matrix. More... | |
typedef mat< 2, 2, int, mediump > | mediump_imat2 |
Medium-qualifier signed integer 2x2 matrix. More... | |
typedef mat< 2, 2, int, mediump > | mediump_imat2x2 |
Medium-qualifier signed integer 2x2 matrix. More... | |
typedef mat< 2, 3, int, mediump > | mediump_imat2x3 |
Medium-qualifier signed integer 2x3 matrix. More... | |
typedef mat< 2, 4, int, mediump > | mediump_imat2x4 |
Medium-qualifier signed integer 2x4 matrix. More... | |
typedef mat< 3, 3, int, mediump > | mediump_imat3 |
Medium-qualifier signed integer 3x3 matrix. More... | |
typedef mat< 3, 2, int, mediump > | mediump_imat3x2 |
Medium-qualifier signed integer 3x2 matrix. More... | |
typedef mat< 3, 3, int, mediump > | mediump_imat3x3 |
Medium-qualifier signed integer 3x3 matrix. More... | |
typedef mat< 3, 4, int, mediump > | mediump_imat3x4 |
Medium-qualifier signed integer 3x4 matrix. More... | |
typedef mat< 4, 4, int, mediump > | mediump_imat4 |
Medium-qualifier signed integer 4x4 matrix. More... | |
typedef mat< 4, 2, int, mediump > | mediump_imat4x2 |
Medium-qualifier signed integer 4x2 matrix. More... | |
typedef mat< 4, 3, int, mediump > | mediump_imat4x3 |
Medium-qualifier signed integer 4x3 matrix. More... | |
typedef mat< 4, 4, int, mediump > | mediump_imat4x4 |
Medium-qualifier signed integer 4x4 matrix. More... | |
typedef mat< 2, 2, uint, mediump > | mediump_umat2 |
Medium-qualifier unsigned integer 2x2 matrix. More... | |
typedef mat< 2, 2, uint, mediump > | mediump_umat2x2 |
Medium-qualifier unsigned integer 2x2 matrix. More... | |
typedef mat< 2, 3, uint, mediump > | mediump_umat2x3 |
Medium-qualifier unsigned integer 2x3 matrix. More... | |
typedef mat< 2, 4, uint, mediump > | mediump_umat2x4 |
Medium-qualifier unsigned integer 2x4 matrix. More... | |
typedef mat< 3, 3, uint, mediump > | mediump_umat3 |
Medium-qualifier unsigned integer 3x3 matrix. More... | |
typedef mat< 3, 2, uint, mediump > | mediump_umat3x2 |
Medium-qualifier unsigned integer 3x2 matrix. More... | |
typedef mat< 3, 3, uint, mediump > | mediump_umat3x3 |
Medium-qualifier unsigned integer 3x3 matrix. More... | |
typedef mat< 3, 4, uint, mediump > | mediump_umat3x4 |
Medium-qualifier unsigned integer 3x4 matrix. More... | |
typedef mat< 4, 4, uint, mediump > | mediump_umat4 |
Medium-qualifier unsigned integer 4x4 matrix. More... | |
typedef mat< 4, 2, uint, mediump > | mediump_umat4x2 |
Medium-qualifier unsigned integer 4x2 matrix. More... | |
typedef mat< 4, 3, uint, mediump > | mediump_umat4x3 |
Medium-qualifier unsigned integer 4x3 matrix. More... | |
typedef mat< 4, 4, uint, mediump > | mediump_umat4x4 |
Medium-qualifier unsigned integer 4x4 matrix. More... | |
typedef mediump_umat2 | umat2 |
Unsigned integer 2x2 matrix. More... | |
typedef mediump_umat2x2 | umat2x2 |
Unsigned integer 2x2 matrix. More... | |
typedef mediump_umat2x3 | umat2x3 |
Unsigned integer 2x3 matrix. More... | |
typedef mediump_umat2x4 | umat2x4 |
Unsigned integer 2x4 matrix. More... | |
typedef mediump_umat3 | umat3 |
Unsigned integer 3x3 matrix. More... | |
typedef mediump_umat3x2 | umat3x2 |
Unsigned integer 3x2 matrix. More... | |
typedef mediump_umat3x3 | umat3x3 |
Unsigned integer 3x3 matrix. More... | |
typedef mediump_umat3x4 | umat3x4 |
Unsigned integer 3x4 matrix. More... | |
typedef mediump_umat4 | umat4 |
Unsigned integer 4x4 matrix. More... | |
typedef mediump_umat4x2 | umat4x2 |
Unsigned integer 4x2 matrix. More... | |
typedef mediump_umat4x3 | umat4x3 |
Unsigned integer 4x3 matrix. More... | |
typedef mediump_umat4x4 | umat4x4 |
Unsigned integer 4x4 matrix. More... | |
Include <glm/gtc/matrix_integer.hpp> to use the features of this extension.
-Defines a number of matrices with integer types.
-typedef mat<2, 2, int, highp> highp_imat2 | -
High-qualifier signed integer 2x2 matrix.
-Definition at line 37 of file matrix_integer.hpp.
- -typedef mat<2, 2, int, highp> highp_imat2x2 | -
High-qualifier signed integer 2x2 matrix.
-Definition at line 49 of file matrix_integer.hpp.
- -typedef mat<2, 3, int, highp> highp_imat2x3 | -
High-qualifier signed integer 2x3 matrix.
-Definition at line 53 of file matrix_integer.hpp.
- -typedef mat<2, 4, int, highp> highp_imat2x4 | -
High-qualifier signed integer 2x4 matrix.
-Definition at line 57 of file matrix_integer.hpp.
- -typedef mat<3, 3, int, highp> highp_imat3 | -
High-qualifier signed integer 3x3 matrix.
-Definition at line 41 of file matrix_integer.hpp.
- -typedef mat<3, 2, int, highp> highp_imat3x2 | -
High-qualifier signed integer 3x2 matrix.
-Definition at line 61 of file matrix_integer.hpp.
- -typedef mat<3, 3, int, highp> highp_imat3x3 | -
High-qualifier signed integer 3x3 matrix.
-Definition at line 65 of file matrix_integer.hpp.
- -typedef mat<3, 4, int, highp> highp_imat3x4 | -
High-qualifier signed integer 3x4 matrix.
-Definition at line 69 of file matrix_integer.hpp.
- -typedef mat<4, 4, int, highp> highp_imat4 | -
High-qualifier signed integer 4x4 matrix.
-Definition at line 45 of file matrix_integer.hpp.
- -typedef mat<4, 2, int, highp> highp_imat4x2 | -
High-qualifier signed integer 4x2 matrix.
-Definition at line 73 of file matrix_integer.hpp.
- -typedef mat<4, 3, int, highp> highp_imat4x3 | -
High-qualifier signed integer 4x3 matrix.
-Definition at line 77 of file matrix_integer.hpp.
- -typedef mat<4, 4, int, highp> highp_imat4x4 | -
High-qualifier signed integer 4x4 matrix.
-Definition at line 81 of file matrix_integer.hpp.
- -typedef mat<2, 2, uint, highp> highp_umat2 | -
High-qualifier unsigned integer 2x2 matrix.
-Definition at line 186 of file matrix_integer.hpp.
- -typedef mat<2, 2, uint, highp> highp_umat2x2 | -
High-qualifier unsigned integer 2x2 matrix.
-Definition at line 198 of file matrix_integer.hpp.
- -typedef mat<2, 3, uint, highp> highp_umat2x3 | -
High-qualifier unsigned integer 2x3 matrix.
-Definition at line 202 of file matrix_integer.hpp.
- -typedef mat<2, 4, uint, highp> highp_umat2x4 | -
High-qualifier unsigned integer 2x4 matrix.
-Definition at line 206 of file matrix_integer.hpp.
- -typedef mat<3, 3, uint, highp> highp_umat3 | -
High-qualifier unsigned integer 3x3 matrix.
-Definition at line 190 of file matrix_integer.hpp.
- -typedef mat<3, 2, uint, highp> highp_umat3x2 | -
High-qualifier unsigned integer 3x2 matrix.
-Definition at line 210 of file matrix_integer.hpp.
- -typedef mat<3, 3, uint, highp> highp_umat3x3 | -
High-qualifier unsigned integer 3x3 matrix.
-Definition at line 214 of file matrix_integer.hpp.
- -typedef mat<3, 4, uint, highp> highp_umat3x4 | -
High-qualifier unsigned integer 3x4 matrix.
-Definition at line 218 of file matrix_integer.hpp.
- -typedef mat<4, 4, uint, highp> highp_umat4 | -
High-qualifier unsigned integer 4x4 matrix.
-Definition at line 194 of file matrix_integer.hpp.
- -typedef mat<4, 2, uint, highp> highp_umat4x2 | -
High-qualifier unsigned integer 4x2 matrix.
-Definition at line 222 of file matrix_integer.hpp.
- -typedef mat<4, 3, uint, highp> highp_umat4x3 | -
High-qualifier unsigned integer 4x3 matrix.
-Definition at line 226 of file matrix_integer.hpp.
- -typedef mat<4, 4, uint, highp> highp_umat4x4 | -
High-qualifier unsigned integer 4x4 matrix.
-Definition at line 230 of file matrix_integer.hpp.
- -typedef mediump_imat2 imat2 | -
Signed integer 2x2 matrix.
-Definition at line 362 of file matrix_integer.hpp.
- -typedef mediump_imat2x2 imat2x2 | -
Signed integer 2x2 matrix.
-Definition at line 374 of file matrix_integer.hpp.
- -typedef mediump_imat2x3 imat2x3 | -
Signed integer 2x3 matrix.
-Definition at line 378 of file matrix_integer.hpp.
- -typedef mediump_imat2x4 imat2x4 | -
Signed integer 2x4 matrix.
-Definition at line 382 of file matrix_integer.hpp.
- -typedef mediump_imat3 imat3 | -
Signed integer 3x3 matrix.
-Definition at line 366 of file matrix_integer.hpp.
- -typedef mediump_imat3x2 imat3x2 | -
Signed integer 3x2 matrix.
-Definition at line 386 of file matrix_integer.hpp.
- -typedef mediump_imat3x3 imat3x3 | -
Signed integer 3x3 matrix.
-Definition at line 390 of file matrix_integer.hpp.
- -typedef mediump_imat3x4 imat3x4 | -
Signed integer 3x4 matrix.
-Definition at line 394 of file matrix_integer.hpp.
- -typedef mediump_imat4 imat4 | -
Signed integer 4x4 matrix.
-Definition at line 370 of file matrix_integer.hpp.
- -typedef mediump_imat4x2 imat4x2 | -
Signed integer 4x2 matrix.
-Definition at line 398 of file matrix_integer.hpp.
- -typedef mediump_imat4x3 imat4x3 | -
Signed integer 4x3 matrix.
-Definition at line 402 of file matrix_integer.hpp.
- -typedef mediump_imat4x4 imat4x4 | -
Signed integer 4x4 matrix.
-Definition at line 406 of file matrix_integer.hpp.
- -typedef mat<2, 2, int, lowp> lowp_imat2 | -
Low-qualifier signed integer 2x2 matrix.
-Definition at line 136 of file matrix_integer.hpp.
- -typedef mat<2, 2, int, lowp> lowp_imat2x2 | -
Low-qualifier signed integer 2x2 matrix.
-Definition at line 149 of file matrix_integer.hpp.
- -typedef mat<2, 3, int, lowp> lowp_imat2x3 | -
Low-qualifier signed integer 2x3 matrix.
-Definition at line 153 of file matrix_integer.hpp.
- -typedef mat<2, 4, int, lowp> lowp_imat2x4 | -
Low-qualifier signed integer 2x4 matrix.
-Definition at line 157 of file matrix_integer.hpp.
- -typedef mat<3, 3, int, lowp> lowp_imat3 | -
Low-qualifier signed integer 3x3 matrix.
-Definition at line 140 of file matrix_integer.hpp.
- -typedef mat<3, 2, int, lowp> lowp_imat3x2 | -
Low-qualifier signed integer 3x2 matrix.
-Definition at line 161 of file matrix_integer.hpp.
- -typedef mat<3, 3, int, lowp> lowp_imat3x3 | -
Low-qualifier signed integer 3x3 matrix.
-Definition at line 165 of file matrix_integer.hpp.
- -typedef mat<3, 4, int, lowp> lowp_imat3x4 | -
Low-qualifier signed integer 3x4 matrix.
-Definition at line 169 of file matrix_integer.hpp.
- -typedef mat<4, 4, int, lowp> lowp_imat4 | -
Low-qualifier signed integer 4x4 matrix.
-Definition at line 144 of file matrix_integer.hpp.
- -typedef mat<4, 2, int, lowp> lowp_imat4x2 | -
Low-qualifier signed integer 4x2 matrix.
-Definition at line 173 of file matrix_integer.hpp.
- -typedef mat<4, 3, int, lowp> lowp_imat4x3 | -
Low-qualifier signed integer 4x3 matrix.
-Definition at line 177 of file matrix_integer.hpp.
- -typedef mat<4, 4, int, lowp> lowp_imat4x4 | -
Low-qualifier signed integer 4x4 matrix.
-Definition at line 181 of file matrix_integer.hpp.
- -typedef mat<2, 2, uint, lowp> lowp_umat2 | -
Low-qualifier unsigned integer 2x2 matrix.
-Definition at line 285 of file matrix_integer.hpp.
- -typedef mat<2, 2, uint, lowp> lowp_umat2x2 | -
Low-qualifier unsigned integer 2x2 matrix.
-Definition at line 298 of file matrix_integer.hpp.
- -typedef mat<2, 3, uint, lowp> lowp_umat2x3 | -
Low-qualifier unsigned integer 2x3 matrix.
-Definition at line 302 of file matrix_integer.hpp.
- -typedef mat<2, 4, uint, lowp> lowp_umat2x4 | -
Low-qualifier unsigned integer 2x4 matrix.
-Definition at line 306 of file matrix_integer.hpp.
- -typedef mat<3, 3, uint, lowp> lowp_umat3 | -
Low-qualifier unsigned integer 3x3 matrix.
-Definition at line 289 of file matrix_integer.hpp.
- -typedef mat<3, 2, uint, lowp> lowp_umat3x2 | -
Low-qualifier unsigned integer 3x2 matrix.
-Definition at line 310 of file matrix_integer.hpp.
- -typedef mat<3, 3, uint, lowp> lowp_umat3x3 | -
Low-qualifier unsigned integer 3x3 matrix.
-Definition at line 314 of file matrix_integer.hpp.
- -typedef mat<3, 4, uint, lowp> lowp_umat3x4 | -
Low-qualifier unsigned integer 3x4 matrix.
-Definition at line 318 of file matrix_integer.hpp.
- -typedef mat<4, 4, uint, lowp> lowp_umat4 | -
Low-qualifier unsigned integer 4x4 matrix.
-Definition at line 293 of file matrix_integer.hpp.
- -typedef mat<4, 2, uint, lowp> lowp_umat4x2 | -
Low-qualifier unsigned integer 4x2 matrix.
-Definition at line 322 of file matrix_integer.hpp.
- -typedef mat<4, 3, uint, lowp> lowp_umat4x3 | -
Low-qualifier unsigned integer 4x3 matrix.
-Definition at line 326 of file matrix_integer.hpp.
- -typedef mat<4, 4, uint, lowp> lowp_umat4x4 | -
Low-qualifier unsigned integer 4x4 matrix.
-Definition at line 330 of file matrix_integer.hpp.
- -typedef mat<2, 2, int, mediump> mediump_imat2 | -
Medium-qualifier signed integer 2x2 matrix.
-Definition at line 86 of file matrix_integer.hpp.
- -typedef mat<2, 2, int, mediump> mediump_imat2x2 | -
Medium-qualifier signed integer 2x2 matrix.
-Definition at line 99 of file matrix_integer.hpp.
- -typedef mat<2, 3, int, mediump> mediump_imat2x3 | -
Medium-qualifier signed integer 2x3 matrix.
-Definition at line 103 of file matrix_integer.hpp.
- -typedef mat<2, 4, int, mediump> mediump_imat2x4 | -
Medium-qualifier signed integer 2x4 matrix.
-Definition at line 107 of file matrix_integer.hpp.
- -typedef mat<3, 3, int, mediump> mediump_imat3 | -
Medium-qualifier signed integer 3x3 matrix.
-Definition at line 90 of file matrix_integer.hpp.
- -typedef mat<3, 2, int, mediump> mediump_imat3x2 | -
Medium-qualifier signed integer 3x2 matrix.
-Definition at line 111 of file matrix_integer.hpp.
- -typedef mat<3, 3, int, mediump> mediump_imat3x3 | -
Medium-qualifier signed integer 3x3 matrix.
-Definition at line 115 of file matrix_integer.hpp.
- -typedef mat<3, 4, int, mediump> mediump_imat3x4 | -
Medium-qualifier signed integer 3x4 matrix.
-Definition at line 119 of file matrix_integer.hpp.
- -typedef mat<4, 4, int, mediump> mediump_imat4 | -
Medium-qualifier signed integer 4x4 matrix.
-Definition at line 94 of file matrix_integer.hpp.
- -typedef mat<4, 2, int, mediump> mediump_imat4x2 | -
Medium-qualifier signed integer 4x2 matrix.
-Definition at line 123 of file matrix_integer.hpp.
- -typedef mat<4, 3, int, mediump> mediump_imat4x3 | -
Medium-qualifier signed integer 4x3 matrix.
-Definition at line 127 of file matrix_integer.hpp.
- -typedef mat<4, 4, int, mediump> mediump_imat4x4 | -
Medium-qualifier signed integer 4x4 matrix.
-Definition at line 131 of file matrix_integer.hpp.
- -typedef mat<2, 2, uint, mediump> mediump_umat2 | -
Medium-qualifier unsigned integer 2x2 matrix.
-Definition at line 235 of file matrix_integer.hpp.
- -typedef mat<2, 2, uint, mediump> mediump_umat2x2 | -
Medium-qualifier unsigned integer 2x2 matrix.
-Definition at line 248 of file matrix_integer.hpp.
- -typedef mat<2, 3, uint, mediump> mediump_umat2x3 | -
Medium-qualifier unsigned integer 2x3 matrix.
-Definition at line 252 of file matrix_integer.hpp.
- -typedef mat<2, 4, uint, mediump> mediump_umat2x4 | -
Medium-qualifier unsigned integer 2x4 matrix.
-Definition at line 256 of file matrix_integer.hpp.
- -typedef mat<3, 3, uint, mediump> mediump_umat3 | -
Medium-qualifier unsigned integer 3x3 matrix.
-Definition at line 239 of file matrix_integer.hpp.
- -typedef mat<3, 2, uint, mediump> mediump_umat3x2 | -
Medium-qualifier unsigned integer 3x2 matrix.
-Definition at line 260 of file matrix_integer.hpp.
- -typedef mat<3, 3, uint, mediump> mediump_umat3x3 | -
Medium-qualifier unsigned integer 3x3 matrix.
-Definition at line 264 of file matrix_integer.hpp.
- -typedef mat<3, 4, uint, mediump> mediump_umat3x4 | -
Medium-qualifier unsigned integer 3x4 matrix.
-Definition at line 268 of file matrix_integer.hpp.
- -typedef mat<4, 4, uint, mediump> mediump_umat4 | -
Medium-qualifier unsigned integer 4x4 matrix.
-Definition at line 243 of file matrix_integer.hpp.
- -typedef mat<4, 2, uint, mediump> mediump_umat4x2 | -
Medium-qualifier unsigned integer 4x2 matrix.
-Definition at line 272 of file matrix_integer.hpp.
- -typedef mat<4, 3, uint, mediump> mediump_umat4x3 | -
Medium-qualifier unsigned integer 4x3 matrix.
-Definition at line 276 of file matrix_integer.hpp.
- -typedef mat<4, 4, uint, mediump> mediump_umat4x4 | -
Medium-qualifier unsigned integer 4x4 matrix.
-Definition at line 280 of file matrix_integer.hpp.
- -typedef mediump_umat2 umat2 | -
Unsigned integer 2x2 matrix.
-Definition at line 439 of file matrix_integer.hpp.
- -typedef mediump_umat2x2 umat2x2 | -
Unsigned integer 2x2 matrix.
-Definition at line 451 of file matrix_integer.hpp.
- -typedef mediump_umat2x3 umat2x3 | -
Unsigned integer 2x3 matrix.
-Definition at line 455 of file matrix_integer.hpp.
- -typedef mediump_umat2x4 umat2x4 | -
Unsigned integer 2x4 matrix.
-Definition at line 459 of file matrix_integer.hpp.
- -typedef mediump_umat3 umat3 | -
Unsigned integer 3x3 matrix.
-Definition at line 443 of file matrix_integer.hpp.
- -typedef mediump_umat3x2 umat3x2 | -
Unsigned integer 3x2 matrix.
-Definition at line 463 of file matrix_integer.hpp.
- -typedef mediump_umat3x3 umat3x3 | -
Unsigned integer 3x3 matrix.
-Definition at line 467 of file matrix_integer.hpp.
- -typedef mediump_umat3x4 umat3x4 | -
Unsigned integer 3x4 matrix.
-Definition at line 471 of file matrix_integer.hpp.
- -typedef mediump_umat4 umat4 | -
Unsigned integer 4x4 matrix.
-Definition at line 447 of file matrix_integer.hpp.
- -typedef mediump_umat4x2 umat4x2 | -
Unsigned integer 4x2 matrix.
-Definition at line 475 of file matrix_integer.hpp.
- -typedef mediump_umat4x3 umat4x3 | -
Unsigned integer 4x3 matrix.
-Definition at line 479 of file matrix_integer.hpp.
- -typedef mediump_umat4x4 umat4x4 | -
Unsigned integer 4x4 matrix.
-Definition at line 483 of file matrix_integer.hpp.
- -![]() |
-
- 0.9.9 API documentation
-
- |
-
Include <glm/gtc/matrix_integer.hpp> to use the features of this extension. -More...
--Functions | |
template<typename genType > | |
GLM_FUNC_DECL genType | affineInverse (genType const &m) |
Fast matrix inverse for affine matrix. More... | |
template<typename genType > | |
GLM_FUNC_DECL genType | inverseTranspose (genType const &m) |
Compute the inverse transpose of a matrix. More... | |
Include <glm/gtc/matrix_integer.hpp> to use the features of this extension.
-Defines additional matrix inverting functions.
-GLM_FUNC_DECL genType glm::affineInverse | -( | -genType const & | -m | ) | -- |
Fast matrix inverse for affine matrix.
-m | Input matrix to invert. |
genType | Squared floating-point matrix: half, float or double. Inverse of matrix based of half-qualifier floating point value is highly innacurate. |
GLM_FUNC_DECL genType glm::inverseTranspose | -( | -genType const & | -m | ) | -- |
Compute the inverse transpose of a matrix.
-m | Input matrix to invert transpose. |
genType | Squared floating-point matrix: half, float or double. Inverse of matrix based of half-qualifier floating point value is highly innacurate. |
![]() |
-
- 0.9.9 API documentation
-
- |
-
Include <glm/gtc/matrix_transform.hpp> to use the features of this extension. -More...
-Include <glm/gtc/matrix_transform.hpp> to use the features of this extension.
-Defines functions that generate common transformation matrices.
-The matrices generated by this extension use standard OpenGL fixed-function conventions. For example, the lookAt function generates a transform from world space into the specific eye space that the projective matrix functions (perspective, ortho, etc) are designed to expect. The OpenGL compatibility specifications defines the particular layout of this eye space.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
Include <glm/gtc/noise.hpp> to use the features of this extension. -More...
--Functions | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL T | perlin (vec< L, T, Q > const &p) |
Classic perlin noise. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL T | perlin (vec< L, T, Q > const &p, vec< L, T, Q > const &rep) |
Periodic perlin noise. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL T | simplex (vec< L, T, Q > const &p) |
Simplex noise. More... | |
Include <glm/gtc/noise.hpp> to use the features of this extension.
-Defines 2D, 3D and 4D procedural noise functions Based on the work of Stefan Gustavson and Ashima Arts on "webgl-noise": https://github.com/ashima/webgl-noise Following Stefan Gustavson's paper "Simplex noise demystified": http://www.itn.liu.se/~stegu/simplexnoise/simplexnoise.pdf
-GLM_FUNC_DECL T glm::perlin | -( | -vec< L, T, Q > const & | -p | ) | -- |
Classic perlin noise.
-GLM_FUNC_DECL T glm::perlin | -( | -vec< L, T, Q > const & | -p, | -
- | - | vec< L, T, Q > const & | -rep | -
- | ) | -- |
Periodic perlin noise.
-GLM_FUNC_DECL T glm::simplex | -( | -vec< L, T, Q > const & | -p | ) | -- |
Simplex noise.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
Include <glm/gtc/packing.hpp> to use the features of this extension. -More...
--Functions | |
GLM_FUNC_DECL uint32 | packF2x11_1x10 (vec3 const &v) |
First, converts the first two components of the normalized floating-point value v into 11-bit signless floating-point values. More... | |
GLM_FUNC_DECL uint32 | packF3x9_E1x5 (vec3 const &v) |
First, converts the first two components of the normalized floating-point value v into 11-bit signless floating-point values. More... | |
template<length_t L, qualifier Q> | |
GLM_FUNC_DECL vec< L, uint16, Q > | packHalf (vec< L, float, Q > const &v) |
Returns an unsigned integer vector obtained by converting the components of a floating-point vector to the 16-bit floating-point representation found in the OpenGL Specification. More... | |
GLM_FUNC_DECL uint16 | packHalf1x16 (float v) |
Returns an unsigned integer obtained by converting the components of a floating-point scalar to the 16-bit floating-point representation found in the OpenGL Specification, and then packing this 16-bit value into a 16-bit unsigned integer. More... | |
GLM_FUNC_DECL uint64 | packHalf4x16 (vec4 const &v) |
Returns an unsigned integer obtained by converting the components of a four-component floating-point vector to the 16-bit floating-point representation found in the OpenGL Specification, and then packing these four 16-bit values into a 64-bit unsigned integer. More... | |
GLM_FUNC_DECL uint32 | packI3x10_1x2 (ivec4 const &v) |
Returns an unsigned integer obtained by converting the components of a four-component signed integer vector to the 10-10-10-2-bit signed integer representation found in the OpenGL Specification, and then packing these four values into a 32-bit unsigned integer. More... | |
GLM_FUNC_DECL int | packInt2x16 (i16vec2 const &v) |
Convert each component from an integer vector into a packed integer. More... | |
GLM_FUNC_DECL int64 | packInt2x32 (i32vec2 const &v) |
Convert each component from an integer vector into a packed integer. More... | |
GLM_FUNC_DECL int16 | packInt2x8 (i8vec2 const &v) |
Convert each component from an integer vector into a packed integer. More... | |
GLM_FUNC_DECL int64 | packInt4x16 (i16vec4 const &v) |
Convert each component from an integer vector into a packed integer. More... | |
GLM_FUNC_DECL int32 | packInt4x8 (i8vec4 const &v) |
Convert each component from an integer vector into a packed integer. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< 4, T, Q > | packRGBM (vec< 3, T, Q > const &rgb) |
Returns an unsigned integer vector obtained by converting the components of a floating-point vector to the 16-bit floating-point representation found in the OpenGL Specification. More... | |
template<typename intType , length_t L, typename floatType , qualifier Q> | |
GLM_FUNC_DECL vec< L, intType, Q > | packSnorm (vec< L, floatType, Q > const &v) |
Convert each component of the normalized floating-point vector into signed integer values. More... | |
GLM_FUNC_DECL uint16 | packSnorm1x16 (float v) |
First, converts the normalized floating-point value v into 16-bit integer value. More... | |
GLM_FUNC_DECL uint8 | packSnorm1x8 (float s) |
First, converts the normalized floating-point value v into 8-bit integer value. More... | |
GLM_FUNC_DECL uint16 | packSnorm2x8 (vec2 const &v) |
First, converts each component of the normalized floating-point value v into 8-bit integer values. More... | |
GLM_FUNC_DECL uint32 | packSnorm3x10_1x2 (vec4 const &v) |
First, converts the first three components of the normalized floating-point value v into 10-bit signed integer values. More... | |
GLM_FUNC_DECL uint64 | packSnorm4x16 (vec4 const &v) |
First, converts each component of the normalized floating-point value v into 16-bit integer values. More... | |
GLM_FUNC_DECL uint32 | packU3x10_1x2 (uvec4 const &v) |
Returns an unsigned integer obtained by converting the components of a four-component unsigned integer vector to the 10-10-10-2-bit unsigned integer representation found in the OpenGL Specification, and then packing these four values into a 32-bit unsigned integer. More... | |
GLM_FUNC_DECL uint | packUint2x16 (u16vec2 const &v) |
Convert each component from an integer vector into a packed unsigned integer. More... | |
GLM_FUNC_DECL uint64 | packUint2x32 (u32vec2 const &v) |
Convert each component from an integer vector into a packed unsigned integer. More... | |
GLM_FUNC_DECL uint16 | packUint2x8 (u8vec2 const &v) |
Convert each component from an integer vector into a packed unsigned integer. More... | |
GLM_FUNC_DECL uint64 | packUint4x16 (u16vec4 const &v) |
Convert each component from an integer vector into a packed unsigned integer. More... | |
GLM_FUNC_DECL uint32 | packUint4x8 (u8vec4 const &v) |
Convert each component from an integer vector into a packed unsigned integer. More... | |
template<typename uintType , length_t L, typename floatType , qualifier Q> | |
GLM_FUNC_DECL vec< L, uintType, Q > | packUnorm (vec< L, floatType, Q > const &v) |
Convert each component of the normalized floating-point vector into unsigned integer values. More... | |
GLM_FUNC_DECL uint16 | packUnorm1x16 (float v) |
First, converts the normalized floating-point value v into a 16-bit integer value. More... | |
GLM_FUNC_DECL uint16 | packUnorm1x5_1x6_1x5 (vec3 const &v) |
Convert each component of the normalized floating-point vector into unsigned integer values. More... | |
GLM_FUNC_DECL uint8 | packUnorm1x8 (float v) |
First, converts the normalized floating-point value v into a 8-bit integer value. More... | |
GLM_FUNC_DECL uint8 | packUnorm2x3_1x2 (vec3 const &v) |
Convert each component of the normalized floating-point vector into unsigned integer values. More... | |
GLM_FUNC_DECL uint8 | packUnorm2x4 (vec2 const &v) |
Convert each component of the normalized floating-point vector into unsigned integer values. More... | |
GLM_FUNC_DECL uint16 | packUnorm2x8 (vec2 const &v) |
First, converts each component of the normalized floating-point value v into 8-bit integer values. More... | |
GLM_FUNC_DECL uint32 | packUnorm3x10_1x2 (vec4 const &v) |
First, converts the first three components of the normalized floating-point value v into 10-bit unsigned integer values. More... | |
GLM_FUNC_DECL uint16 | packUnorm3x5_1x1 (vec4 const &v) |
Convert each component of the normalized floating-point vector into unsigned integer values. More... | |
GLM_FUNC_DECL uint64 | packUnorm4x16 (vec4 const &v) |
First, converts each component of the normalized floating-point value v into 16-bit integer values. More... | |
GLM_FUNC_DECL uint16 | packUnorm4x4 (vec4 const &v) |
Convert each component of the normalized floating-point vector into unsigned integer values. More... | |
GLM_FUNC_DECL vec3 | unpackF2x11_1x10 (uint32 p) |
First, unpacks a single 32-bit unsigned integer p into two 11-bit signless floating-point values and one 10-bit signless floating-point value . More... | |
GLM_FUNC_DECL vec3 | unpackF3x9_E1x5 (uint32 p) |
First, unpacks a single 32-bit unsigned integer p into two 11-bit signless floating-point values and one 10-bit signless floating-point value . More... | |
template<length_t L, qualifier Q> | |
GLM_FUNC_DECL vec< L, float, Q > | unpackHalf (vec< L, uint16, Q > const &p) |
Returns a floating-point vector with components obtained by reinterpreting an integer vector as 16-bit floating-point numbers and converting them to 32-bit floating-point values. More... | |
GLM_FUNC_DECL float | unpackHalf1x16 (uint16 v) |
Returns a floating-point scalar with components obtained by unpacking a 16-bit unsigned integer into a 16-bit value, interpreted as a 16-bit floating-point number according to the OpenGL Specification, and converting it to 32-bit floating-point values. More... | |
GLM_FUNC_DECL vec4 | unpackHalf4x16 (uint64 p) |
Returns a four-component floating-point vector with components obtained by unpacking a 64-bit unsigned integer into four 16-bit values, interpreting those values as 16-bit floating-point numbers according to the OpenGL Specification, and converting them to 32-bit floating-point values. More... | |
GLM_FUNC_DECL ivec4 | unpackI3x10_1x2 (uint32 p) |
Unpacks a single 32-bit unsigned integer p into three 10-bit and one 2-bit signed integers. More... | |
GLM_FUNC_DECL i16vec2 | unpackInt2x16 (int p) |
Convert a packed integer into an integer vector. More... | |
GLM_FUNC_DECL i32vec2 | unpackInt2x32 (int64 p) |
Convert a packed integer into an integer vector. More... | |
GLM_FUNC_DECL i8vec2 | unpackInt2x8 (int16 p) |
Convert a packed integer into an integer vector. More... | |
GLM_FUNC_DECL i16vec4 | unpackInt4x16 (int64 p) |
Convert a packed integer into an integer vector. More... | |
GLM_FUNC_DECL i8vec4 | unpackInt4x8 (int32 p) |
Convert a packed integer into an integer vector. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< 3, T, Q > | unpackRGBM (vec< 4, T, Q > const &rgbm) |
Returns a floating-point vector with components obtained by reinterpreting an integer vector as 16-bit floating-point numbers and converting them to 32-bit floating-point values. More... | |
template<typename floatType , length_t L, typename intType , qualifier Q> | |
GLM_FUNC_DECL vec< L, floatType, Q > | unpackSnorm (vec< L, intType, Q > const &v) |
Convert a packed integer to a normalized floating-point vector. More... | |
GLM_FUNC_DECL float | unpackSnorm1x16 (uint16 p) |
First, unpacks a single 16-bit unsigned integer p into a single 16-bit signed integers. More... | |
GLM_FUNC_DECL float | unpackSnorm1x8 (uint8 p) |
First, unpacks a single 8-bit unsigned integer p into a single 8-bit signed integers. More... | |
GLM_FUNC_DECL vec2 | unpackSnorm2x8 (uint16 p) |
First, unpacks a single 16-bit unsigned integer p into a pair of 8-bit signed integers. More... | |
GLM_FUNC_DECL vec4 | unpackSnorm3x10_1x2 (uint32 p) |
First, unpacks a single 32-bit unsigned integer p into four 16-bit signed integers. More... | |
GLM_FUNC_DECL vec4 | unpackSnorm4x16 (uint64 p) |
First, unpacks a single 64-bit unsigned integer p into four 16-bit signed integers. More... | |
GLM_FUNC_DECL uvec4 | unpackU3x10_1x2 (uint32 p) |
Unpacks a single 32-bit unsigned integer p into three 10-bit and one 2-bit unsigned integers. More... | |
GLM_FUNC_DECL u16vec2 | unpackUint2x16 (uint p) |
Convert a packed integer into an integer vector. More... | |
GLM_FUNC_DECL u32vec2 | unpackUint2x32 (uint64 p) |
Convert a packed integer into an integer vector. More... | |
GLM_FUNC_DECL u8vec2 | unpackUint2x8 (uint16 p) |
Convert a packed integer into an integer vector. More... | |
GLM_FUNC_DECL u16vec4 | unpackUint4x16 (uint64 p) |
Convert a packed integer into an integer vector. More... | |
GLM_FUNC_DECL u8vec4 | unpackUint4x8 (uint32 p) |
Convert a packed integer into an integer vector. More... | |
template<typename floatType , length_t L, typename uintType , qualifier Q> | |
GLM_FUNC_DECL vec< L, floatType, Q > | unpackUnorm (vec< L, uintType, Q > const &v) |
Convert a packed integer to a normalized floating-point vector. More... | |
GLM_FUNC_DECL float | unpackUnorm1x16 (uint16 p) |
First, unpacks a single 16-bit unsigned integer p into a of 16-bit unsigned integers. More... | |
GLM_FUNC_DECL vec3 | unpackUnorm1x5_1x6_1x5 (uint16 p) |
Convert a packed integer to a normalized floating-point vector. More... | |
GLM_FUNC_DECL float | unpackUnorm1x8 (uint8 p) |
Convert a single 8-bit integer to a normalized floating-point value. More... | |
GLM_FUNC_DECL vec3 | unpackUnorm2x3_1x2 (uint8 p) |
Convert a packed integer to a normalized floating-point vector. More... | |
GLM_FUNC_DECL vec2 | unpackUnorm2x4 (uint8 p) |
Convert a packed integer to a normalized floating-point vector. More... | |
GLM_FUNC_DECL vec2 | unpackUnorm2x8 (uint16 p) |
First, unpacks a single 16-bit unsigned integer p into a pair of 8-bit unsigned integers. More... | |
GLM_FUNC_DECL vec4 | unpackUnorm3x10_1x2 (uint32 p) |
First, unpacks a single 32-bit unsigned integer p into four 16-bit signed integers. More... | |
GLM_FUNC_DECL vec4 | unpackUnorm3x5_1x1 (uint16 p) |
Convert a packed integer to a normalized floating-point vector. More... | |
GLM_FUNC_DECL vec4 | unpackUnorm4x16 (uint64 p) |
First, unpacks a single 64-bit unsigned integer p into four 16-bit unsigned integers. More... | |
GLM_FUNC_DECL vec4 | unpackUnorm4x4 (uint16 p) |
Convert a packed integer to a normalized floating-point vector. More... | |
Include <glm/gtc/packing.hpp> to use the features of this extension.
-This extension provides a set of function to convert vertors to packed formats.
-GLM_FUNC_DECL uint32 glm::packF2x11_1x10 | -( | -vec3 const & | -v | ) | -- |
First, converts the first two components of the normalized floating-point value v into 11-bit signless floating-point values.
-Then, converts the third component of the normalized floating-point value v into a 10-bit signless floating-point value. Then, the results are packed into the returned 32-bit unsigned integer.
-The first vector component specifies the 11 least-significant bits of the result; the last component specifies the 10 most-significant bits.
-GLM_FUNC_DECL uint32 glm::packF3x9_E1x5 | -( | -vec3 const & | -v | ) | -- |
First, converts the first two components of the normalized floating-point value v into 11-bit signless floating-point values.
-Then, converts the third component of the normalized floating-point value v into a 10-bit signless floating-point value. Then, the results are packed into the returned 32-bit unsigned integer.
-The first vector component specifies the 11 least-significant bits of the result; the last component specifies the 10 most-significant bits.
-packF3x9_E1x5 allows encoding into RGBE / RGB9E5 format
-GLM_FUNC_DECL vec<L, uint16, Q> glm::packHalf | -( | -vec< L, float, Q > const & | -v | ) | -- |
Returns an unsigned integer vector obtained by converting the components of a floating-point vector to the 16-bit floating-point representation found in the OpenGL Specification.
-The first vector component specifies the 16 least-significant bits of the result; the forth component specifies the 16 most-significant bits.
-GLM_FUNC_DECL uint16 glm::packHalf1x16 | -( | -float | -v | ) | -- |
Returns an unsigned integer obtained by converting the components of a floating-point scalar to the 16-bit floating-point representation found in the OpenGL Specification, and then packing this 16-bit value into a 16-bit unsigned integer.
-GLM_FUNC_DECL uint64 glm::packHalf4x16 | -( | -vec4 const & | -v | ) | -- |
Returns an unsigned integer obtained by converting the components of a four-component floating-point vector to the 16-bit floating-point representation found in the OpenGL Specification, and then packing these four 16-bit values into a 64-bit unsigned integer.
-The first vector component specifies the 16 least-significant bits of the result; the forth component specifies the 16 most-significant bits.
-GLM_FUNC_DECL uint32 glm::packI3x10_1x2 | -( | -ivec4 const & | -v | ) | -- |
Returns an unsigned integer obtained by converting the components of a four-component signed integer vector to the 10-10-10-2-bit signed integer representation found in the OpenGL Specification, and then packing these four values into a 32-bit unsigned integer.
-The first vector component specifies the 10 least-significant bits of the result; the forth component specifies the 2 most-significant bits.
-GLM_FUNC_DECL int glm::packInt2x16 | -( | -i16vec2 const & | -v | ) | -- |
Convert each component from an integer vector into a packed integer.
-GLM_FUNC_DECL int64 glm::packInt2x32 | -( | -i32vec2 const & | -v | ) | -- |
Convert each component from an integer vector into a packed integer.
-GLM_FUNC_DECL int16 glm::packInt2x8 | -( | -i8vec2 const & | -v | ) | -- |
Convert each component from an integer vector into a packed integer.
-GLM_FUNC_DECL int64 glm::packInt4x16 | -( | -i16vec4 const & | -v | ) | -- |
Convert each component from an integer vector into a packed integer.
-GLM_FUNC_DECL int32 glm::packInt4x8 | -( | -i8vec4 const & | -v | ) | -- |
Convert each component from an integer vector into a packed integer.
-GLM_FUNC_DECL vec<4, T, Q> glm::packRGBM | -( | -vec< 3, T, Q > const & | -rgb | ) | -- |
Returns an unsigned integer vector obtained by converting the components of a floating-point vector to the 16-bit floating-point representation found in the OpenGL Specification.
-The first vector component specifies the 16 least-significant bits of the result; the forth component specifies the 16 most-significant bits.
-GLM_FUNC_DECL vec<L, intType, Q> glm::packSnorm | -( | -vec< L, floatType, Q > const & | -v | ) | -- |
Convert each component of the normalized floating-point vector into signed integer values.
-GLM_FUNC_DECL uint16 glm::packSnorm1x16 | -( | -float | -v | ) | -- |
First, converts the normalized floating-point value v into 16-bit integer value.
-Then, the results are packed into the returned 16-bit unsigned integer.
-The conversion to fixed point is done as follows: packSnorm1x8: round(clamp(s, -1, +1) * 32767.0)
-GLM_FUNC_DECL uint8 glm::packSnorm1x8 | -( | -float | -s | ) | -- |
First, converts the normalized floating-point value v into 8-bit integer value.
-Then, the results are packed into the returned 8-bit unsigned integer.
-The conversion to fixed point is done as follows: packSnorm1x8: round(clamp(s, -1, +1) * 127.0)
-GLM_FUNC_DECL uint16 glm::packSnorm2x8 | -( | -vec2 const & | -v | ) | -- |
First, converts each component of the normalized floating-point value v into 8-bit integer values.
-Then, the results are packed into the returned 16-bit unsigned integer.
-The conversion for component c of v to fixed point is done as follows: packSnorm2x8: round(clamp(c, -1, +1) * 127.0)
-The first component of the vector will be written to the least significant bits of the output; the last component will be written to the most significant bits.
-GLM_FUNC_DECL uint32 glm::packSnorm3x10_1x2 | -( | -vec4 const & | -v | ) | -- |
First, converts the first three components of the normalized floating-point value v into 10-bit signed integer values.
-Then, converts the forth component of the normalized floating-point value v into 2-bit signed integer values. Then, the results are packed into the returned 32-bit unsigned integer.
-The conversion for component c of v to fixed point is done as follows: packSnorm3x10_1x2(xyz): round(clamp(c, -1, +1) * 511.0) packSnorm3x10_1x2(w): round(clamp(c, -1, +1) * 1.0)
-The first vector component specifies the 10 least-significant bits of the result; the forth component specifies the 2 most-significant bits.
-GLM_FUNC_DECL uint64 glm::packSnorm4x16 | -( | -vec4 const & | -v | ) | -- |
First, converts each component of the normalized floating-point value v into 16-bit integer values.
-Then, the results are packed into the returned 64-bit unsigned integer.
-The conversion for component c of v to fixed point is done as follows: packSnorm2x8: round(clamp(c, -1, +1) * 32767.0)
-The first component of the vector will be written to the least significant bits of the output; the last component will be written to the most significant bits.
-GLM_FUNC_DECL uint32 glm::packU3x10_1x2 | -( | -uvec4 const & | -v | ) | -- |
Returns an unsigned integer obtained by converting the components of a four-component unsigned integer vector to the 10-10-10-2-bit unsigned integer representation found in the OpenGL Specification, and then packing these four values into a 32-bit unsigned integer.
-The first vector component specifies the 10 least-significant bits of the result; the forth component specifies the 2 most-significant bits.
-GLM_FUNC_DECL uint glm::packUint2x16 | -( | -u16vec2 const & | -v | ) | -- |
Convert each component from an integer vector into a packed unsigned integer.
-GLM_FUNC_DECL uint64 glm::packUint2x32 | -( | -u32vec2 const & | -v | ) | -- |
Convert each component from an integer vector into a packed unsigned integer.
-GLM_FUNC_DECL uint16 glm::packUint2x8 | -( | -u8vec2 const & | -v | ) | -- |
Convert each component from an integer vector into a packed unsigned integer.
-GLM_FUNC_DECL uint64 glm::packUint4x16 | -( | -u16vec4 const & | -v | ) | -- |
Convert each component from an integer vector into a packed unsigned integer.
-GLM_FUNC_DECL uint32 glm::packUint4x8 | -( | -u8vec4 const & | -v | ) | -- |
Convert each component from an integer vector into a packed unsigned integer.
-GLM_FUNC_DECL vec<L, uintType, Q> glm::packUnorm | -( | -vec< L, floatType, Q > const & | -v | ) | -- |
Convert each component of the normalized floating-point vector into unsigned integer values.
-GLM_FUNC_DECL uint16 glm::packUnorm1x16 | -( | -float | -v | ) | -- |
First, converts the normalized floating-point value v into a 16-bit integer value.
-Then, the results are packed into the returned 16-bit unsigned integer.
-The conversion for component c of v to fixed point is done as follows: packUnorm1x16: round(clamp(c, 0, +1) * 65535.0)
-GLM_FUNC_DECL uint16 glm::packUnorm1x5_1x6_1x5 | -( | -vec3 const & | -v | ) | -- |
Convert each component of the normalized floating-point vector into unsigned integer values.
-GLM_FUNC_DECL uint8 glm::packUnorm1x8 | -( | -float | -v | ) | -- |
First, converts the normalized floating-point value v into a 8-bit integer value.
-Then, the results are packed into the returned 8-bit unsigned integer.
-The conversion for component c of v to fixed point is done as follows: packUnorm1x8: round(clamp(c, 0, +1) * 255.0)
-GLM_FUNC_DECL uint8 glm::packUnorm2x3_1x2 | -( | -vec3 const & | -v | ) | -- |
Convert each component of the normalized floating-point vector into unsigned integer values.
-GLM_FUNC_DECL uint8 glm::packUnorm2x4 | -( | -vec2 const & | -v | ) | -- |
Convert each component of the normalized floating-point vector into unsigned integer values.
-GLM_FUNC_DECL uint16 glm::packUnorm2x8 | -( | -vec2 const & | -v | ) | -- |
First, converts each component of the normalized floating-point value v into 8-bit integer values.
-Then, the results are packed into the returned 16-bit unsigned integer.
-The conversion for component c of v to fixed point is done as follows: packUnorm2x8: round(clamp(c, 0, +1) * 255.0)
-The first component of the vector will be written to the least significant bits of the output; the last component will be written to the most significant bits.
-GLM_FUNC_DECL uint32 glm::packUnorm3x10_1x2 | -( | -vec4 const & | -v | ) | -- |
First, converts the first three components of the normalized floating-point value v into 10-bit unsigned integer values.
-Then, converts the forth component of the normalized floating-point value v into 2-bit signed uninteger values. Then, the results are packed into the returned 32-bit unsigned integer.
-The conversion for component c of v to fixed point is done as follows: packUnorm3x10_1x2(xyz): round(clamp(c, 0, +1) * 1023.0) packUnorm3x10_1x2(w): round(clamp(c, 0, +1) * 3.0)
-The first vector component specifies the 10 least-significant bits of the result; the forth component specifies the 2 most-significant bits.
-GLM_FUNC_DECL uint16 glm::packUnorm3x5_1x1 | -( | -vec4 const & | -v | ) | -- |
Convert each component of the normalized floating-point vector into unsigned integer values.
-GLM_FUNC_DECL uint64 glm::packUnorm4x16 | -( | -vec4 const & | -v | ) | -- |
First, converts each component of the normalized floating-point value v into 16-bit integer values.
-Then, the results are packed into the returned 64-bit unsigned integer.
-The conversion for component c of v to fixed point is done as follows: packUnorm4x16: round(clamp(c, 0, +1) * 65535.0)
-The first component of the vector will be written to the least significant bits of the output; the last component will be written to the most significant bits.
-GLM_FUNC_DECL uint16 glm::packUnorm4x4 | -( | -vec4 const & | -v | ) | -- |
Convert each component of the normalized floating-point vector into unsigned integer values.
-GLM_FUNC_DECL vec3 glm::unpackF2x11_1x10 | -( | -uint32 | -p | ) | -- |
First, unpacks a single 32-bit unsigned integer p into two 11-bit signless floating-point values and one 10-bit signless floating-point value .
-Then, each component is converted to a normalized floating-point value to generate the returned three-component vector.
-The first component of the returned vector will be extracted from the least significant bits of the input; the last component will be extracted from the most significant bits.
-GLM_FUNC_DECL vec3 glm::unpackF3x9_E1x5 | -( | -uint32 | -p | ) | -- |
First, unpacks a single 32-bit unsigned integer p into two 11-bit signless floating-point values and one 10-bit signless floating-point value .
-Then, each component is converted to a normalized floating-point value to generate the returned three-component vector.
-The first component of the returned vector will be extracted from the least significant bits of the input; the last component will be extracted from the most significant bits.
-unpackF3x9_E1x5 allows decoding RGBE / RGB9E5 data
-GLM_FUNC_DECL vec<L, float, Q> glm::unpackHalf | -( | -vec< L, uint16, Q > const & | -p | ) | -- |
Returns a floating-point vector with components obtained by reinterpreting an integer vector as 16-bit floating-point numbers and converting them to 32-bit floating-point values.
-The first component of the vector is obtained from the 16 least-significant bits of v; the forth component is obtained from the 16 most-significant bits of v.
-GLM_FUNC_DECL float glm::unpackHalf1x16 | -( | -uint16 | -v | ) | -- |
Returns a floating-point scalar with components obtained by unpacking a 16-bit unsigned integer into a 16-bit value, interpreted as a 16-bit floating-point number according to the OpenGL Specification, and converting it to 32-bit floating-point values.
-GLM_FUNC_DECL vec4 glm::unpackHalf4x16 | -( | -uint64 | -p | ) | -- |
Returns a four-component floating-point vector with components obtained by unpacking a 64-bit unsigned integer into four 16-bit values, interpreting those values as 16-bit floating-point numbers according to the OpenGL Specification, and converting them to 32-bit floating-point values.
-The first component of the vector is obtained from the 16 least-significant bits of v; the forth component is obtained from the 16 most-significant bits of v.
-GLM_FUNC_DECL ivec4 glm::unpackI3x10_1x2 | -( | -uint32 | -p | ) | -- |
Unpacks a single 32-bit unsigned integer p into three 10-bit and one 2-bit signed integers.
-The first component of the returned vector will be extracted from the least significant bits of the input; the last component will be extracted from the most significant bits.
-GLM_FUNC_DECL i16vec2 glm::unpackInt2x16 | -( | -int | -p | ) | -- |
Convert a packed integer into an integer vector.
-GLM_FUNC_DECL i32vec2 glm::unpackInt2x32 | -( | -int64 | -p | ) | -- |
Convert a packed integer into an integer vector.
-GLM_FUNC_DECL i8vec2 glm::unpackInt2x8 | -( | -int16 | -p | ) | -- |
Convert a packed integer into an integer vector.
-GLM_FUNC_DECL i16vec4 glm::unpackInt4x16 | -( | -int64 | -p | ) | -- |
Convert a packed integer into an integer vector.
-GLM_FUNC_DECL i8vec4 glm::unpackInt4x8 | -( | -int32 | -p | ) | -- |
Convert a packed integer into an integer vector.
-GLM_FUNC_DECL vec<3, T, Q> glm::unpackRGBM | -( | -vec< 4, T, Q > const & | -rgbm | ) | -- |
Returns a floating-point vector with components obtained by reinterpreting an integer vector as 16-bit floating-point numbers and converting them to 32-bit floating-point values.
-The first component of the vector is obtained from the 16 least-significant bits of v; the forth component is obtained from the 16 most-significant bits of v.
-GLM_FUNC_DECL vec<L, floatType, Q> glm::unpackSnorm | -( | -vec< L, intType, Q > const & | -v | ) | -- |
Convert a packed integer to a normalized floating-point vector.
-GLM_FUNC_DECL float glm::unpackSnorm1x16 | -( | -uint16 | -p | ) | -- |
First, unpacks a single 16-bit unsigned integer p into a single 16-bit signed integers.
-Then, each component is converted to a normalized floating-point value to generate the returned scalar.
-The conversion for unpacked fixed-point value f to floating point is done as follows: unpackSnorm1x16: clamp(f / 32767.0, -1, +1)
-GLM_FUNC_DECL float glm::unpackSnorm1x8 | -( | -uint8 | -p | ) | -- |
First, unpacks a single 8-bit unsigned integer p into a single 8-bit signed integers.
-Then, the value is converted to a normalized floating-point value to generate the returned scalar.
-The conversion for unpacked fixed-point value f to floating point is done as follows: unpackSnorm1x8: clamp(f / 127.0, -1, +1)
-GLM_FUNC_DECL vec2 glm::unpackSnorm2x8 | -( | -uint16 | -p | ) | -- |
First, unpacks a single 16-bit unsigned integer p into a pair of 8-bit signed integers.
-Then, each component is converted to a normalized floating-point value to generate the returned two-component vector.
-The conversion for unpacked fixed-point value f to floating point is done as follows: unpackSnorm2x8: clamp(f / 127.0, -1, +1)
-The first component of the returned vector will be extracted from the least significant bits of the input; the last component will be extracted from the most significant bits.
-GLM_FUNC_DECL vec4 glm::unpackSnorm3x10_1x2 | -( | -uint32 | -p | ) | -- |
First, unpacks a single 32-bit unsigned integer p into four 16-bit signed integers.
-Then, each component is converted to a normalized floating-point value to generate the returned four-component vector.
-The conversion for unpacked fixed-point value f to floating point is done as follows: unpackSnorm3x10_1x2(xyz): clamp(f / 511.0, -1, +1) unpackSnorm3x10_1x2(w): clamp(f / 511.0, -1, +1)
-The first component of the returned vector will be extracted from the least significant bits of the input; the last component will be extracted from the most significant bits.
-GLM_FUNC_DECL vec4 glm::unpackSnorm4x16 | -( | -uint64 | -p | ) | -- |
First, unpacks a single 64-bit unsigned integer p into four 16-bit signed integers.
-Then, each component is converted to a normalized floating-point value to generate the returned four-component vector.
-The conversion for unpacked fixed-point value f to floating point is done as follows: unpackSnorm4x16: clamp(f / 32767.0, -1, +1)
-The first component of the returned vector will be extracted from the least significant bits of the input; the last component will be extracted from the most significant bits.
-GLM_FUNC_DECL uvec4 glm::unpackU3x10_1x2 | -( | -uint32 | -p | ) | -- |
Unpacks a single 32-bit unsigned integer p into three 10-bit and one 2-bit unsigned integers.
-The first component of the returned vector will be extracted from the least significant bits of the input; the last component will be extracted from the most significant bits.
-GLM_FUNC_DECL u16vec2 glm::unpackUint2x16 | -( | -uint | -p | ) | -- |
Convert a packed integer into an integer vector.
-GLM_FUNC_DECL u32vec2 glm::unpackUint2x32 | -( | -uint64 | -p | ) | -- |
Convert a packed integer into an integer vector.
-GLM_FUNC_DECL u8vec2 glm::unpackUint2x8 | -( | -uint16 | -p | ) | -- |
Convert a packed integer into an integer vector.
-GLM_FUNC_DECL u16vec4 glm::unpackUint4x16 | -( | -uint64 | -p | ) | -- |
Convert a packed integer into an integer vector.
-GLM_FUNC_DECL u8vec4 glm::unpackUint4x8 | -( | -uint32 | -p | ) | -- |
Convert a packed integer into an integer vector.
-GLM_FUNC_DECL vec<L, floatType, Q> glm::unpackUnorm | -( | -vec< L, uintType, Q > const & | -v | ) | -- |
Convert a packed integer to a normalized floating-point vector.
-GLM_FUNC_DECL float glm::unpackUnorm1x16 | -( | -uint16 | -p | ) | -- |
First, unpacks a single 16-bit unsigned integer p into a of 16-bit unsigned integers.
-Then, the value is converted to a normalized floating-point value to generate the returned scalar.
-The conversion for unpacked fixed-point value f to floating point is done as follows: unpackUnorm1x16: f / 65535.0
-GLM_FUNC_DECL vec3 glm::unpackUnorm1x5_1x6_1x5 | -( | -uint16 | -p | ) | -- |
Convert a packed integer to a normalized floating-point vector.
-GLM_FUNC_DECL float glm::unpackUnorm1x8 | -( | -uint8 | -p | ) | -- |
Convert a single 8-bit integer to a normalized floating-point value.
-The conversion for unpacked fixed-point value f to floating point is done as follows: unpackUnorm4x8: f / 255.0
-GLM_FUNC_DECL vec3 glm::unpackUnorm2x3_1x2 | -( | -uint8 | -p | ) | -- |
Convert a packed integer to a normalized floating-point vector.
-GLM_FUNC_DECL vec2 glm::unpackUnorm2x4 | -( | -uint8 | -p | ) | -- |
Convert a packed integer to a normalized floating-point vector.
-GLM_FUNC_DECL vec2 glm::unpackUnorm2x8 | -( | -uint16 | -p | ) | -- |
First, unpacks a single 16-bit unsigned integer p into a pair of 8-bit unsigned integers.
-Then, each component is converted to a normalized floating-point value to generate the returned two-component vector.
-The conversion for unpacked fixed-point value f to floating point is done as follows: unpackUnorm4x8: f / 255.0
-The first component of the returned vector will be extracted from the least significant bits of the input; the last component will be extracted from the most significant bits.
-GLM_FUNC_DECL vec4 glm::unpackUnorm3x10_1x2 | -( | -uint32 | -p | ) | -- |
First, unpacks a single 32-bit unsigned integer p into four 16-bit signed integers.
-Then, each component is converted to a normalized floating-point value to generate the returned four-component vector.
-The conversion for unpacked fixed-point value f to floating point is done as follows: unpackSnorm3x10_1x2(xyz): clamp(f / 1023.0, 0, +1) unpackSnorm3x10_1x2(w): clamp(f / 3.0, 0, +1)
-The first component of the returned vector will be extracted from the least significant bits of the input; the last component will be extracted from the most significant bits.
-GLM_FUNC_DECL vec4 glm::unpackUnorm3x5_1x1 | -( | -uint16 | -p | ) | -- |
Convert a packed integer to a normalized floating-point vector.
-GLM_FUNC_DECL vec4 glm::unpackUnorm4x16 | -( | -uint64 | -p | ) | -- |
First, unpacks a single 64-bit unsigned integer p into four 16-bit unsigned integers.
-Then, each component is converted to a normalized floating-point value to generate the returned four-component vector.
-The conversion for unpacked fixed-point value f to floating point is done as follows: unpackUnormx4x16: f / 65535.0
-The first component of the returned vector will be extracted from the least significant bits of the input; the last component will be extracted from the most significant bits.
-GLM_FUNC_DECL vec4 glm::unpackUnorm4x4 | -( | -uint16 | -p | ) | -- |
Convert a packed integer to a normalized floating-point vector.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
Include <glm/gtc/quaternion.hpp> to use the features of this extension. -More...
--Functions | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL vec< 3, T, Q > | eulerAngles (qua< T, Q > const &x) |
Returns euler angles, pitch as x, yaw as y, roll as z. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL vec< 4, bool, Q > | greaterThan (qua< T, Q > const &x, qua< T, Q > const &y) |
Returns the component-wise comparison of result x > y. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL vec< 4, bool, Q > | greaterThanEqual (qua< T, Q > const &x, qua< T, Q > const &y) |
Returns the component-wise comparison of result x >= y. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL vec< 4, bool, Q > | lessThan (qua< T, Q > const &x, qua< T, Q > const &y) |
Returns the component-wise comparison result of x < y. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL vec< 4, bool, Q > | lessThanEqual (qua< T, Q > const &x, qua< T, Q > const &y) |
Returns the component-wise comparison of result x <= y. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL mat< 3, 3, T, Q > | mat3_cast (qua< T, Q > const &x) |
Converts a quaternion to a 3 * 3 matrix. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL mat< 4, 4, T, Q > | mat4_cast (qua< T, Q > const &x) |
Converts a quaternion to a 4 * 4 matrix. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL T | pitch (qua< T, Q > const &x) |
Returns pitch value of euler angles expressed in radians. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL qua< T, Q > | quat_cast (mat< 3, 3, T, Q > const &x) |
Converts a pure rotation 3 * 3 matrix to a quaternion. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL qua< T, Q > | quat_cast (mat< 4, 4, T, Q > const &x) |
Converts a pure rotation 4 * 4 matrix to a quaternion. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL qua< T, Q > | quatLookAt (vec< 3, T, Q > const &direction, vec< 3, T, Q > const &up) |
Build a look at quaternion based on the default handedness. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL qua< T, Q > | quatLookAtLH (vec< 3, T, Q > const &direction, vec< 3, T, Q > const &up) |
Build a left-handed look at quaternion. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL qua< T, Q > | quatLookAtRH (vec< 3, T, Q > const &direction, vec< 3, T, Q > const &up) |
Build a right-handed look at quaternion. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL T | roll (qua< T, Q > const &x) |
Returns roll value of euler angles expressed in radians. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL T | yaw (qua< T, Q > const &x) |
Returns yaw value of euler angles expressed in radians. More... | |
Include <glm/gtc/quaternion.hpp> to use the features of this extension.
-Defines a templated quaternion type and several quaternion operations.
-GLM_FUNC_DECL vec<3, T, Q> glm::eulerAngles | -( | -qua< T, Q > const & | -x | ) | -- |
Returns euler angles, pitch as x, yaw as y, roll as z.
-The result is expressed in radians.
-T | Floating-point scalar types. |
GLM_FUNC_DECL vec<4, bool, Q> glm::greaterThan | -( | -qua< T, Q > const & | -x, | -
- | - | qua< T, Q > const & | -y | -
- | ) | -- |
Returns the component-wise comparison of result x > y.
-T | Floating-point scalar types |
Q | Value from qualifier enum |
GLM_FUNC_DECL vec<4, bool, Q> glm::greaterThanEqual | -( | -qua< T, Q > const & | -x, | -
- | - | qua< T, Q > const & | -y | -
- | ) | -- |
Returns the component-wise comparison of result x >= y.
-T | Floating-point scalar types |
Q | Value from qualifier enum |
GLM_FUNC_DECL vec<4, bool, Q> glm::lessThan | -( | -qua< T, Q > const & | -x, | -
- | - | qua< T, Q > const & | -y | -
- | ) | -- |
Returns the component-wise comparison result of x < y.
-T | Floating-point scalar types |
Q | Value from qualifier enum |
GLM_FUNC_DECL vec<4, bool, Q> glm::lessThanEqual | -( | -qua< T, Q > const & | -x, | -
- | - | qua< T, Q > const & | -y | -
- | ) | -- |
Returns the component-wise comparison of result x <= y.
-T | Floating-point scalar types |
Q | Value from qualifier enum |
GLM_FUNC_DECL mat<3, 3, T, Q> glm::mat3_cast | -( | -qua< T, Q > const & | -x | ) | -- |
Converts a quaternion to a 3 * 3 matrix.
-T | Floating-point scalar types. |
Referenced by glm::toMat3().
- -GLM_FUNC_DECL mat<4, 4, T, Q> glm::mat4_cast | -( | -qua< T, Q > const & | -x | ) | -- |
Converts a quaternion to a 4 * 4 matrix.
-T | Floating-point scalar types. |
Referenced by glm::toMat4().
- -GLM_FUNC_DECL T glm::pitch | -( | -qua< T, Q > const & | -x | ) | -- |
Returns pitch value of euler angles expressed in radians.
-T | Floating-point scalar types. |
GLM_FUNC_DECL qua<T, Q> glm::quat_cast | -( | -mat< 3, 3, T, Q > const & | -x | ) | -- |
Converts a pure rotation 3 * 3 matrix to a quaternion.
-T | Floating-point scalar types. |
Referenced by glm::toQuat().
- -GLM_FUNC_DECL qua<T, Q> glm::quat_cast | -( | -mat< 4, 4, T, Q > const & | -x | ) | -- |
Converts a pure rotation 4 * 4 matrix to a quaternion.
-T | Floating-point scalar types. |
GLM_FUNC_DECL qua<T, Q> glm::quatLookAt | -( | -vec< 3, T, Q > const & | -direction, | -
- | - | vec< 3, T, Q > const & | -up | -
- | ) | -- |
Build a look at quaternion based on the default handedness.
-direction | Desired forward direction. Needs to be normalized. |
up | Up vector, how the camera is oriented. Typically (0, 1, 0). |
GLM_FUNC_DECL qua<T, Q> glm::quatLookAtLH | -( | -vec< 3, T, Q > const & | -direction, | -
- | - | vec< 3, T, Q > const & | -up | -
- | ) | -- |
Build a left-handed look at quaternion.
-direction | Desired forward direction onto which the +z-axis gets mapped. Needs to be normalized. |
up | Up vector, how the camera is oriented. Typically (0, 1, 0). |
GLM_FUNC_DECL qua<T, Q> glm::quatLookAtRH | -( | -vec< 3, T, Q > const & | -direction, | -
- | - | vec< 3, T, Q > const & | -up | -
- | ) | -- |
Build a right-handed look at quaternion.
-direction | Desired forward direction onto which the -z-axis gets mapped. Needs to be normalized. |
up | Up vector, how the camera is oriented. Typically (0, 1, 0). |
GLM_FUNC_DECL T glm::roll | -( | -qua< T, Q > const & | -x | ) | -- |
Returns roll value of euler angles expressed in radians.
-T | Floating-point scalar types. |
GLM_FUNC_DECL T glm::yaw | -( | -qua< T, Q > const & | -x | ) | -- |
Returns yaw value of euler angles expressed in radians.
-T | Floating-point scalar types. |
![]() |
-
- 0.9.9 API documentation
-
- |
-
Include <glm/gtc/random.hpp> to use the features of this extension. -More...
--Functions | |
template<typename T > | |
GLM_FUNC_DECL vec< 3, T, defaultp > | ballRand (T Radius) |
Generate a random 3D vector which coordinates are regulary distributed within the volume of a ball of a given radius. More... | |
template<typename T > | |
GLM_FUNC_DECL vec< 2, T, defaultp > | circularRand (T Radius) |
Generate a random 2D vector which coordinates are regulary distributed on a circle of a given radius. More... | |
template<typename T > | |
GLM_FUNC_DECL vec< 2, T, defaultp > | diskRand (T Radius) |
Generate a random 2D vector which coordinates are regulary distributed within the area of a disk of a given radius. More... | |
template<typename genType > | |
GLM_FUNC_DECL genType | gaussRand (genType Mean, genType Deviation) |
Generate random numbers in the interval [Min, Max], according a gaussian distribution. More... | |
template<typename genType > | |
GLM_FUNC_DECL genType | linearRand (genType Min, genType Max) |
Generate random numbers in the interval [Min, Max], according a linear distribution. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, T, Q > | linearRand (vec< L, T, Q > const &Min, vec< L, T, Q > const &Max) |
Generate random numbers in the interval [Min, Max], according a linear distribution. More... | |
template<typename T > | |
GLM_FUNC_DECL vec< 3, T, defaultp > | sphericalRand (T Radius) |
Generate a random 3D vector which coordinates are regulary distributed on a sphere of a given radius. More... | |
Include <glm/gtc/random.hpp> to use the features of this extension.
-Generate random number from various distribution methods.
-GLM_FUNC_DECL vec<3, T, defaultp> glm::ballRand | -( | -T | -Radius | ) | -- |
Generate a random 3D vector which coordinates are regulary distributed within the volume of a ball of a given radius.
-GLM_FUNC_DECL vec<2, T, defaultp> glm::circularRand | -( | -T | -Radius | ) | -- |
Generate a random 2D vector which coordinates are regulary distributed on a circle of a given radius.
-GLM_FUNC_DECL vec<2, T, defaultp> glm::diskRand | -( | -T | -Radius | ) | -- |
Generate a random 2D vector which coordinates are regulary distributed within the area of a disk of a given radius.
-GLM_FUNC_DECL genType glm::gaussRand | -( | -genType | -Mean, | -
- | - | genType | -Deviation | -
- | ) | -- |
Generate random numbers in the interval [Min, Max], according a gaussian distribution.
-GLM_FUNC_DECL genType glm::linearRand | -( | -genType | -Min, | -
- | - | genType | -Max | -
- | ) | -- |
Generate random numbers in the interval [Min, Max], according a linear distribution.
-Min | Minimum value included in the sampling |
Max | Maximum value included in the sampling |
genType | Value type. Currently supported: float or double scalars. |
GLM_FUNC_DECL vec<L, T, Q> glm::linearRand | -( | -vec< L, T, Q > const & | -Min, | -
- | - | vec< L, T, Q > const & | -Max | -
- | ) | -- |
Generate random numbers in the interval [Min, Max], according a linear distribution.
-Min | Minimum value included in the sampling |
Max | Maximum value included in the sampling |
T | Value type. Currently supported: float or double. |
GLM_FUNC_DECL vec<3, T, defaultp> glm::sphericalRand | -( | -T | -Radius | ) | -- |
Generate a random 3D vector which coordinates are regulary distributed on a sphere of a given radius.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
Include <glm/gtc/reciprocal.hpp> to use the features of this extension. -More...
--Functions | |
template<typename genType > | |
GLM_FUNC_DECL genType | acot (genType x) |
Inverse cotangent function. More... | |
template<typename genType > | |
GLM_FUNC_DECL genType | acoth (genType x) |
Inverse cotangent hyperbolic function. More... | |
template<typename genType > | |
GLM_FUNC_DECL genType | acsc (genType x) |
Inverse cosecant function. More... | |
template<typename genType > | |
GLM_FUNC_DECL genType | acsch (genType x) |
Inverse cosecant hyperbolic function. More... | |
template<typename genType > | |
GLM_FUNC_DECL genType | asec (genType x) |
Inverse secant function. More... | |
template<typename genType > | |
GLM_FUNC_DECL genType | asech (genType x) |
Inverse secant hyperbolic function. More... | |
template<typename genType > | |
GLM_FUNC_DECL genType | cot (genType angle) |
Cotangent function. More... | |
template<typename genType > | |
GLM_FUNC_DECL genType | coth (genType angle) |
Cotangent hyperbolic function. More... | |
template<typename genType > | |
GLM_FUNC_DECL genType | csc (genType angle) |
Cosecant function. More... | |
template<typename genType > | |
GLM_FUNC_DECL genType | csch (genType angle) |
Cosecant hyperbolic function. More... | |
template<typename genType > | |
GLM_FUNC_DECL genType | sec (genType angle) |
Secant function. More... | |
template<typename genType > | |
GLM_FUNC_DECL genType | sech (genType angle) |
Secant hyperbolic function. More... | |
Include <glm/gtc/reciprocal.hpp> to use the features of this extension.
-Define secant, cosecant and cotangent functions.
-GLM_FUNC_DECL genType glm::acot | -( | -genType | -x | ) | -- |
Inverse cotangent function.
-genType | Floating-point scalar or vector types. |
GLM_FUNC_DECL genType glm::acoth | -( | -genType | -x | ) | -- |
Inverse cotangent hyperbolic function.
-genType | Floating-point scalar or vector types. |
GLM_FUNC_DECL genType glm::acsc | -( | -genType | -x | ) | -- |
Inverse cosecant function.
-genType | Floating-point scalar or vector types. |
GLM_FUNC_DECL genType glm::acsch | -( | -genType | -x | ) | -- |
Inverse cosecant hyperbolic function.
-genType | Floating-point scalar or vector types. |
GLM_FUNC_DECL genType glm::asec | -( | -genType | -x | ) | -- |
Inverse secant function.
-genType | Floating-point scalar or vector types. |
GLM_FUNC_DECL genType glm::asech | -( | -genType | -x | ) | -- |
Inverse secant hyperbolic function.
-genType | Floating-point scalar or vector types. |
GLM_FUNC_DECL genType glm::cot | -( | -genType | -angle | ) | -- |
Cotangent function.
-adjacent / opposite or 1 / tan(x)
-genType | Floating-point scalar or vector types. |
GLM_FUNC_DECL genType glm::coth | -( | -genType | -angle | ) | -- |
Cotangent hyperbolic function.
-genType | Floating-point scalar or vector types. |
GLM_FUNC_DECL genType glm::csc | -( | -genType | -angle | ) | -- |
Cosecant function.
-hypotenuse / opposite or 1 / sin(x)
-genType | Floating-point scalar or vector types. |
GLM_FUNC_DECL genType glm::csch | -( | -genType | -angle | ) | -- |
Cosecant hyperbolic function.
-genType | Floating-point scalar or vector types. |
GLM_FUNC_DECL genType glm::sec | -( | -genType | -angle | ) | -- |
Secant function.
-hypotenuse / adjacent or 1 / cos(x)
-genType | Floating-point scalar or vector types. |
GLM_FUNC_DECL genType glm::sech | -( | -genType | -angle | ) | -- |
Secant hyperbolic function.
-genType | Floating-point scalar or vector types. |
![]() |
-
- 0.9.9 API documentation
-
- |
-
Include <glm/gtc/round.hpp> to use the features of this extension. -More...
--Functions | |
template<typename genType > | |
GLM_FUNC_DECL genType | ceilMultiple (genType v, genType Multiple) |
Higher multiple number of Source. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, T, Q > | ceilMultiple (vec< L, T, Q > const &v, vec< L, T, Q > const &Multiple) |
Higher multiple number of Source. More... | |
template<typename genIUType > | |
GLM_FUNC_DECL genIUType | ceilPowerOfTwo (genIUType v) |
Return the power of two number which value is just higher the input value, round up to a power of two. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, T, Q > | ceilPowerOfTwo (vec< L, T, Q > const &v) |
Return the power of two number which value is just higher the input value, round up to a power of two. More... | |
template<typename genType > | |
GLM_FUNC_DECL genType | floorMultiple (genType v, genType Multiple) |
Lower multiple number of Source. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, T, Q > | floorMultiple (vec< L, T, Q > const &v, vec< L, T, Q > const &Multiple) |
Lower multiple number of Source. More... | |
template<typename genIUType > | |
GLM_FUNC_DECL genIUType | floorPowerOfTwo (genIUType v) |
Return the power of two number which value is just lower the input value, round down to a power of two. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, T, Q > | floorPowerOfTwo (vec< L, T, Q > const &v) |
Return the power of two number which value is just lower the input value, round down to a power of two. More... | |
template<typename genType > | |
GLM_FUNC_DECL genType | roundMultiple (genType v, genType Multiple) |
Lower multiple number of Source. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, T, Q > | roundMultiple (vec< L, T, Q > const &v, vec< L, T, Q > const &Multiple) |
Lower multiple number of Source. More... | |
template<typename genIUType > | |
GLM_FUNC_DECL genIUType | roundPowerOfTwo (genIUType v) |
Return the power of two number which value is the closet to the input value. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, T, Q > | roundPowerOfTwo (vec< L, T, Q > const &v) |
Return the power of two number which value is the closet to the input value. More... | |
Include <glm/gtc/round.hpp> to use the features of this extension.
-Rounding value to specific boundings
-GLM_FUNC_DECL genType glm::ceilMultiple | -( | -genType | -v, | -
- | - | genType | -Multiple | -
- | ) | -- |
Higher multiple number of Source.
-genType | Floating-point or integer scalar or vector types. |
v | Source value to which is applied the function |
Multiple | Must be a null or positive value |
GLM_FUNC_DECL vec<L, T, Q> glm::ceilMultiple | -( | -vec< L, T, Q > const & | -v, | -
- | - | vec< L, T, Q > const & | -Multiple | -
- | ) | -- |
Higher multiple number of Source.
-L | Integer between 1 and 4 included that qualify the dimension of the vector |
T | Floating-point or integer scalar types |
Q | Value from qualifier enum |
v | Source values to which is applied the function |
Multiple | Must be a null or positive value |
GLM_FUNC_DECL genIUType glm::ceilPowerOfTwo | -( | -genIUType | -v | ) | -- |
Return the power of two number which value is just higher the input value, round up to a power of two.
-GLM_FUNC_DECL vec<L, T, Q> glm::ceilPowerOfTwo | -( | -vec< L, T, Q > const & | -v | ) | -- |
Return the power of two number which value is just higher the input value, round up to a power of two.
-L | Integer between 1 and 4 included that qualify the dimension of the vector |
T | Floating-point or integer scalar types |
Q | Value from qualifier enum |
GLM_FUNC_DECL genType glm::floorMultiple | -( | -genType | -v, | -
- | - | genType | -Multiple | -
- | ) | -- |
Lower multiple number of Source.
-genType | Floating-point or integer scalar or vector types. |
v | Source value to which is applied the function |
Multiple | Must be a null or positive value |
GLM_FUNC_DECL vec<L, T, Q> glm::floorMultiple | -( | -vec< L, T, Q > const & | -v, | -
- | - | vec< L, T, Q > const & | -Multiple | -
- | ) | -- |
Lower multiple number of Source.
-L | Integer between 1 and 4 included that qualify the dimension of the vector |
T | Floating-point or integer scalar types |
Q | Value from qualifier enum |
v | Source values to which is applied the function |
Multiple | Must be a null or positive value |
GLM_FUNC_DECL genIUType glm::floorPowerOfTwo | -( | -genIUType | -v | ) | -- |
Return the power of two number which value is just lower the input value, round down to a power of two.
-GLM_FUNC_DECL vec<L, T, Q> glm::floorPowerOfTwo | -( | -vec< L, T, Q > const & | -v | ) | -- |
Return the power of two number which value is just lower the input value, round down to a power of two.
-L | Integer between 1 and 4 included that qualify the dimension of the vector |
T | Floating-point or integer scalar types |
Q | Value from qualifier enum |
GLM_FUNC_DECL genType glm::roundMultiple | -( | -genType | -v, | -
- | - | genType | -Multiple | -
- | ) | -- |
Lower multiple number of Source.
-genType | Floating-point or integer scalar or vector types. |
v | Source value to which is applied the function |
Multiple | Must be a null or positive value |
GLM_FUNC_DECL vec<L, T, Q> glm::roundMultiple | -( | -vec< L, T, Q > const & | -v, | -
- | - | vec< L, T, Q > const & | -Multiple | -
- | ) | -- |
Lower multiple number of Source.
-L | Integer between 1 and 4 included that qualify the dimension of the vector |
T | Floating-point or integer scalar types |
Q | Value from qualifier enum |
v | Source values to which is applied the function |
Multiple | Must be a null or positive value |
GLM_FUNC_DECL genIUType glm::roundPowerOfTwo | -( | -genIUType | -v | ) | -- |
Return the power of two number which value is the closet to the input value.
-GLM_FUNC_DECL vec<L, T, Q> glm::roundPowerOfTwo | -( | -vec< L, T, Q > const & | -v | ) | -- |
Return the power of two number which value is the closet to the input value.
-L | Integer between 1 and 4 included that qualify the dimension of the vector |
T | Floating-point or integer scalar types |
Q | Value from qualifier enum |
![]() |
-
- 0.9.9 API documentation
-
- |
-
Include <glm/gtc/type_aligned.hpp> to use the features of this extension. -More...
--Typedefs | |
-typedef aligned_highp_bvec1 | aligned_bvec1 |
1 component vector aligned in memory of bool values. | |
-typedef aligned_highp_bvec2 | aligned_bvec2 |
2 components vector aligned in memory of bool values. | |
-typedef aligned_highp_bvec3 | aligned_bvec3 |
3 components vector aligned in memory of bool values. | |
-typedef aligned_highp_bvec4 | aligned_bvec4 |
4 components vector aligned in memory of bool values. | |
-typedef aligned_highp_dmat2 | aligned_dmat2 |
2 by 2 matrix tightly aligned in memory of double-precision floating-point numbers. | |
-typedef aligned_highp_dmat2x2 | aligned_dmat2x2 |
2 by 2 matrix tightly aligned in memory of double-precision floating-point numbers. | |
-typedef aligned_highp_dmat2x3 | aligned_dmat2x3 |
2 by 3 matrix tightly aligned in memory of double-precision floating-point numbers. | |
-typedef aligned_highp_dmat2x4 | aligned_dmat2x4 |
2 by 4 matrix tightly aligned in memory of double-precision floating-point numbers. | |
-typedef aligned_highp_dmat3 | aligned_dmat3 |
3 by 3 matrix tightly aligned in memory of double-precision floating-point numbers. | |
-typedef aligned_highp_dmat3x2 | aligned_dmat3x2 |
3 by 2 matrix tightly aligned in memory of double-precision floating-point numbers. | |
-typedef aligned_highp_dmat3x3 | aligned_dmat3x3 |
3 by 3 matrix tightly aligned in memory of double-precision floating-point numbers. | |
-typedef aligned_highp_dmat3x4 | aligned_dmat3x4 |
3 by 4 matrix tightly aligned in memory of double-precision floating-point numbers. | |
-typedef aligned_highp_dmat4 | aligned_dmat4 |
4 by 4 matrix tightly aligned in memory of double-precision floating-point numbers. | |
-typedef aligned_highp_dmat4x2 | aligned_dmat4x2 |
4 by 2 matrix tightly aligned in memory of double-precision floating-point numbers. | |
-typedef aligned_highp_dmat4x3 | aligned_dmat4x3 |
4 by 3 matrix tightly aligned in memory of double-precision floating-point numbers. | |
-typedef aligned_highp_dmat4x4 | aligned_dmat4x4 |
4 by 4 matrix tightly aligned in memory of double-precision floating-point numbers. | |
-typedef aligned_highp_dvec1 | aligned_dvec1 |
1 component vector aligned in memory of double-precision floating-point numbers. | |
-typedef aligned_highp_dvec2 | aligned_dvec2 |
2 components vector aligned in memory of double-precision floating-point numbers. | |
-typedef aligned_highp_dvec3 | aligned_dvec3 |
3 components vector aligned in memory of double-precision floating-point numbers. | |
-typedef aligned_highp_dvec4 | aligned_dvec4 |
4 components vector aligned in memory of double-precision floating-point numbers. | |
-typedef vec< 1, bool, aligned_highp > | aligned_highp_bvec1 |
1 component vector aligned in memory of bool values. | |
-typedef vec< 2, bool, aligned_highp > | aligned_highp_bvec2 |
2 components vector aligned in memory of bool values. | |
-typedef vec< 3, bool, aligned_highp > | aligned_highp_bvec3 |
3 components vector aligned in memory of bool values. | |
-typedef vec< 4, bool, aligned_highp > | aligned_highp_bvec4 |
4 components vector aligned in memory of bool values. | |
-typedef mat< 2, 2, double, aligned_highp > | aligned_highp_dmat2 |
2 by 2 matrix aligned in memory of double-precision floating-point numbers using high precision arithmetic in term of ULPs. | |
-typedef mat< 2, 2, double, aligned_highp > | aligned_highp_dmat2x2 |
2 by 2 matrix aligned in memory of double-precision floating-point numbers using high precision arithmetic in term of ULPs. | |
-typedef mat< 2, 3, double, aligned_highp > | aligned_highp_dmat2x3 |
2 by 3 matrix aligned in memory of double-precision floating-point numbers using high precision arithmetic in term of ULPs. | |
-typedef mat< 2, 4, double, aligned_highp > | aligned_highp_dmat2x4 |
2 by 4 matrix aligned in memory of double-precision floating-point numbers using high precision arithmetic in term of ULPs. | |
-typedef mat< 3, 3, double, aligned_highp > | aligned_highp_dmat3 |
3 by 3 matrix aligned in memory of double-precision floating-point numbers using high precision arithmetic in term of ULPs. | |
-typedef mat< 3, 2, double, aligned_highp > | aligned_highp_dmat3x2 |
3 by 2 matrix aligned in memory of double-precision floating-point numbers using high precision arithmetic in term of ULPs. | |
-typedef mat< 3, 3, double, aligned_highp > | aligned_highp_dmat3x3 |
3 by 3 matrix aligned in memory of double-precision floating-point numbers using high precision arithmetic in term of ULPs. | |
-typedef mat< 3, 4, double, aligned_highp > | aligned_highp_dmat3x4 |
3 by 4 matrix aligned in memory of double-precision floating-point numbers using high precision arithmetic in term of ULPs. | |
-typedef mat< 4, 4, double, aligned_highp > | aligned_highp_dmat4 |
4 by 4 matrix aligned in memory of double-precision floating-point numbers using high precision arithmetic in term of ULPs. | |
-typedef mat< 4, 2, double, aligned_highp > | aligned_highp_dmat4x2 |
4 by 2 matrix aligned in memory of double-precision floating-point numbers using high precision arithmetic in term of ULPs. | |
-typedef mat< 4, 3, double, aligned_highp > | aligned_highp_dmat4x3 |
4 by 3 matrix aligned in memory of double-precision floating-point numbers using high precision arithmetic in term of ULPs. | |
-typedef mat< 4, 4, double, aligned_highp > | aligned_highp_dmat4x4 |
4 by 4 matrix aligned in memory of double-precision floating-point numbers using high precision arithmetic in term of ULPs. | |
-typedef vec< 1, double, aligned_highp > | aligned_highp_dvec1 |
1 component vector aligned in memory of double-precision floating-point numbers using high precision arithmetic in term of ULPs. | |
-typedef vec< 2, double, aligned_highp > | aligned_highp_dvec2 |
2 components vector aligned in memory of double-precision floating-point numbers using high precision arithmetic in term of ULPs. | |
-typedef vec< 3, double, aligned_highp > | aligned_highp_dvec3 |
3 components vector aligned in memory of double-precision floating-point numbers using high precision arithmetic in term of ULPs. | |
-typedef vec< 4, double, aligned_highp > | aligned_highp_dvec4 |
4 components vector aligned in memory of double-precision floating-point numbers using high precision arithmetic in term of ULPs. | |
-typedef vec< 1, int, aligned_highp > | aligned_highp_ivec1 |
1 component vector aligned in memory of signed integer numbers. | |
-typedef vec< 2, int, aligned_highp > | aligned_highp_ivec2 |
2 components vector aligned in memory of signed integer numbers. | |
-typedef vec< 3, int, aligned_highp > | aligned_highp_ivec3 |
3 components vector aligned in memory of signed integer numbers. | |
-typedef vec< 4, int, aligned_highp > | aligned_highp_ivec4 |
4 components vector aligned in memory of signed integer numbers. | |
-typedef mat< 2, 2, float, aligned_highp > | aligned_highp_mat2 |
2 by 2 matrix aligned in memory of single-precision floating-point numbers using high precision arithmetic in term of ULPs. | |
-typedef mat< 2, 2, float, aligned_highp > | aligned_highp_mat2x2 |
2 by 2 matrix aligned in memory of single-precision floating-point numbers using high precision arithmetic in term of ULPs. | |
-typedef mat< 2, 3, float, aligned_highp > | aligned_highp_mat2x3 |
2 by 3 matrix aligned in memory of single-precision floating-point numbers using high precision arithmetic in term of ULPs. | |
-typedef mat< 2, 4, float, aligned_highp > | aligned_highp_mat2x4 |
2 by 4 matrix aligned in memory of single-precision floating-point numbers using high precision arithmetic in term of ULPs. | |
-typedef mat< 3, 3, float, aligned_highp > | aligned_highp_mat3 |
3 by 3 matrix aligned in memory of single-precision floating-point numbers using high precision arithmetic in term of ULPs. | |
-typedef mat< 3, 2, float, aligned_highp > | aligned_highp_mat3x2 |
3 by 2 matrix aligned in memory of single-precision floating-point numbers using high precision arithmetic in term of ULPs. | |
-typedef mat< 3, 3, float, aligned_highp > | aligned_highp_mat3x3 |
3 by 3 matrix aligned in memory of single-precision floating-point numbers using high precision arithmetic in term of ULPs. | |
-typedef mat< 3, 4, float, aligned_highp > | aligned_highp_mat3x4 |
3 by 4 matrix aligned in memory of single-precision floating-point numbers using high precision arithmetic in term of ULPs. | |
-typedef mat< 4, 4, float, aligned_highp > | aligned_highp_mat4 |
4 by 4 matrix aligned in memory of single-precision floating-point numbers using high precision arithmetic in term of ULPs. | |
-typedef mat< 4, 2, float, aligned_highp > | aligned_highp_mat4x2 |
4 by 2 matrix aligned in memory of single-precision floating-point numbers using high precision arithmetic in term of ULPs. | |
-typedef mat< 4, 3, float, aligned_highp > | aligned_highp_mat4x3 |
4 by 3 matrix aligned in memory of single-precision floating-point numbers using high precision arithmetic in term of ULPs. | |
-typedef mat< 4, 4, float, aligned_highp > | aligned_highp_mat4x4 |
4 by 4 matrix aligned in memory of single-precision floating-point numbers using high precision arithmetic in term of ULPs. | |
-typedef vec< 1, uint, aligned_highp > | aligned_highp_uvec1 |
1 component vector aligned in memory of unsigned integer numbers. | |
-typedef vec< 2, uint, aligned_highp > | aligned_highp_uvec2 |
2 components vector aligned in memory of unsigned integer numbers. | |
-typedef vec< 3, uint, aligned_highp > | aligned_highp_uvec3 |
3 components vector aligned in memory of unsigned integer numbers. | |
-typedef vec< 4, uint, aligned_highp > | aligned_highp_uvec4 |
4 components vector aligned in memory of unsigned integer numbers. | |
-typedef vec< 1, float, aligned_highp > | aligned_highp_vec1 |
1 component vector aligned in memory of single-precision floating-point numbers using high precision arithmetic in term of ULPs. | |
-typedef vec< 2, float, aligned_highp > | aligned_highp_vec2 |
2 components vector aligned in memory of single-precision floating-point numbers using high precision arithmetic in term of ULPs. | |
-typedef vec< 3, float, aligned_highp > | aligned_highp_vec3 |
3 components vector aligned in memory of single-precision floating-point numbers using high precision arithmetic in term of ULPs. | |
-typedef vec< 4, float, aligned_highp > | aligned_highp_vec4 |
4 components vector aligned in memory of single-precision floating-point numbers using high precision arithmetic in term of ULPs. | |
-typedef aligned_highp_ivec1 | aligned_ivec1 |
1 component vector aligned in memory of signed integer numbers. | |
-typedef aligned_highp_ivec2 | aligned_ivec2 |
2 components vector aligned in memory of signed integer numbers. | |
-typedef aligned_highp_ivec3 | aligned_ivec3 |
3 components vector aligned in memory of signed integer numbers. | |
-typedef aligned_highp_ivec4 | aligned_ivec4 |
4 components vector aligned in memory of signed integer numbers. | |
-typedef vec< 1, bool, aligned_lowp > | aligned_lowp_bvec1 |
1 component vector aligned in memory of bool values. | |
-typedef vec< 2, bool, aligned_lowp > | aligned_lowp_bvec2 |
2 components vector aligned in memory of bool values. | |
-typedef vec< 3, bool, aligned_lowp > | aligned_lowp_bvec3 |
3 components vector aligned in memory of bool values. | |
-typedef vec< 4, bool, aligned_lowp > | aligned_lowp_bvec4 |
4 components vector aligned in memory of bool values. | |
-typedef mat< 2, 2, double, aligned_lowp > | aligned_lowp_dmat2 |
2 by 2 matrix aligned in memory of double-precision floating-point numbers using low precision arithmetic in term of ULPs. | |
-typedef mat< 2, 2, double, aligned_lowp > | aligned_lowp_dmat2x2 |
2 by 2 matrix aligned in memory of double-precision floating-point numbers using low precision arithmetic in term of ULPs. | |
-typedef mat< 2, 3, double, aligned_lowp > | aligned_lowp_dmat2x3 |
2 by 3 matrix aligned in memory of double-precision floating-point numbers using low precision arithmetic in term of ULPs. | |
-typedef mat< 2, 4, double, aligned_lowp > | aligned_lowp_dmat2x4 |
2 by 4 matrix aligned in memory of double-precision floating-point numbers using low precision arithmetic in term of ULPs. | |
-typedef mat< 3, 3, double, aligned_lowp > | aligned_lowp_dmat3 |
3 by 3 matrix aligned in memory of double-precision floating-point numbers using low precision arithmetic in term of ULPs. | |
-typedef mat< 3, 2, double, aligned_lowp > | aligned_lowp_dmat3x2 |
3 by 2 matrix aligned in memory of double-precision floating-point numbers using low precision arithmetic in term of ULPs. | |
-typedef mat< 3, 3, double, aligned_lowp > | aligned_lowp_dmat3x3 |
3 by 3 matrix aligned in memory of double-precision floating-point numbers using low precision arithmetic in term of ULPs. | |
-typedef mat< 3, 4, double, aligned_lowp > | aligned_lowp_dmat3x4 |
3 by 4 matrix aligned in memory of double-precision floating-point numbers using low precision arithmetic in term of ULPs. | |
-typedef mat< 4, 4, double, aligned_lowp > | aligned_lowp_dmat4 |
4 by 4 matrix aligned in memory of double-precision floating-point numbers using low precision arithmetic in term of ULPs. | |
-typedef mat< 4, 2, double, aligned_lowp > | aligned_lowp_dmat4x2 |
4 by 2 matrix aligned in memory of double-precision floating-point numbers using low precision arithmetic in term of ULPs. | |
-typedef mat< 4, 3, double, aligned_lowp > | aligned_lowp_dmat4x3 |
4 by 3 matrix aligned in memory of double-precision floating-point numbers using low precision arithmetic in term of ULPs. | |
-typedef mat< 4, 4, double, aligned_lowp > | aligned_lowp_dmat4x4 |
4 by 4 matrix aligned in memory of double-precision floating-point numbers using low precision arithmetic in term of ULPs. | |
-typedef vec< 1, double, aligned_lowp > | aligned_lowp_dvec1 |
1 component vector aligned in memory of double-precision floating-point numbers using low precision arithmetic in term of ULPs. | |
-typedef vec< 2, double, aligned_lowp > | aligned_lowp_dvec2 |
2 components vector aligned in memory of double-precision floating-point numbers using low precision arithmetic in term of ULPs. | |
-typedef vec< 3, double, aligned_lowp > | aligned_lowp_dvec3 |
3 components vector aligned in memory of double-precision floating-point numbers using low precision arithmetic in term of ULPs. | |
-typedef vec< 4, double, aligned_lowp > | aligned_lowp_dvec4 |
4 components vector aligned in memory of double-precision floating-point numbers using low precision arithmetic in term of ULPs. | |
-typedef vec< 1, int, aligned_lowp > | aligned_lowp_ivec1 |
1 component vector aligned in memory of signed integer numbers. | |
-typedef vec< 2, int, aligned_lowp > | aligned_lowp_ivec2 |
2 components vector aligned in memory of signed integer numbers. | |
-typedef vec< 3, int, aligned_lowp > | aligned_lowp_ivec3 |
3 components vector aligned in memory of signed integer numbers. | |
-typedef vec< 4, int, aligned_lowp > | aligned_lowp_ivec4 |
4 components vector aligned in memory of signed integer numbers. | |
-typedef mat< 2, 2, float, aligned_lowp > | aligned_lowp_mat2 |
2 by 2 matrix aligned in memory of single-precision floating-point numbers using low precision arithmetic in term of ULPs. | |
-typedef mat< 2, 2, float, aligned_lowp > | aligned_lowp_mat2x2 |
2 by 2 matrix aligned in memory of single-precision floating-point numbers using low precision arithmetic in term of ULPs. | |
-typedef mat< 2, 3, float, aligned_lowp > | aligned_lowp_mat2x3 |
2 by 3 matrix aligned in memory of single-precision floating-point numbers using low precision arithmetic in term of ULPs. | |
-typedef mat< 2, 4, float, aligned_lowp > | aligned_lowp_mat2x4 |
2 by 4 matrix aligned in memory of single-precision floating-point numbers using low precision arithmetic in term of ULPs. | |
-typedef mat< 3, 3, float, aligned_lowp > | aligned_lowp_mat3 |
3 by 3 matrix aligned in memory of single-precision floating-point numbers using low precision arithmetic in term of ULPs. | |
-typedef mat< 3, 2, float, aligned_lowp > | aligned_lowp_mat3x2 |
3 by 2 matrix aligned in memory of single-precision floating-point numbers using low precision arithmetic in term of ULPs. | |
-typedef mat< 3, 3, float, aligned_lowp > | aligned_lowp_mat3x3 |
3 by 3 matrix aligned in memory of single-precision floating-point numbers using low precision arithmetic in term of ULPs. | |
-typedef mat< 3, 4, float, aligned_lowp > | aligned_lowp_mat3x4 |
3 by 4 matrix aligned in memory of single-precision floating-point numbers using low precision arithmetic in term of ULPs. | |
-typedef mat< 4, 4, float, aligned_lowp > | aligned_lowp_mat4 |
4 by 4 matrix aligned in memory of single-precision floating-point numbers using low precision arithmetic in term of ULPs. | |
-typedef mat< 4, 2, float, aligned_lowp > | aligned_lowp_mat4x2 |
4 by 2 matrix aligned in memory of single-precision floating-point numbers using low precision arithmetic in term of ULPs. | |
-typedef mat< 4, 3, float, aligned_lowp > | aligned_lowp_mat4x3 |
4 by 3 matrix aligned in memory of single-precision floating-point numbers using low precision arithmetic in term of ULPs. | |
-typedef mat< 4, 4, float, aligned_lowp > | aligned_lowp_mat4x4 |
4 by 4 matrix aligned in memory of single-precision floating-point numbers using low precision arithmetic in term of ULPs. | |
-typedef vec< 1, uint, aligned_lowp > | aligned_lowp_uvec1 |
1 component vector aligned in memory of unsigned integer numbers. | |
-typedef vec< 2, uint, aligned_lowp > | aligned_lowp_uvec2 |
2 components vector aligned in memory of unsigned integer numbers. | |
-typedef vec< 3, uint, aligned_lowp > | aligned_lowp_uvec3 |
3 components vector aligned in memory of unsigned integer numbers. | |
-typedef vec< 4, uint, aligned_lowp > | aligned_lowp_uvec4 |
4 components vector aligned in memory of unsigned integer numbers. | |
-typedef vec< 1, float, aligned_lowp > | aligned_lowp_vec1 |
1 component vector aligned in memory of single-precision floating-point numbers using low precision arithmetic in term of ULPs. | |
-typedef vec< 2, float, aligned_lowp > | aligned_lowp_vec2 |
2 components vector aligned in memory of single-precision floating-point numbers using low precision arithmetic in term of ULPs. | |
-typedef vec< 3, float, aligned_lowp > | aligned_lowp_vec3 |
3 components vector aligned in memory of single-precision floating-point numbers using low precision arithmetic in term of ULPs. | |
-typedef vec< 4, float, aligned_lowp > | aligned_lowp_vec4 |
4 components vector aligned in memory of single-precision floating-point numbers using low precision arithmetic in term of ULPs. | |
-typedef aligned_highp_mat2 | aligned_mat2 |
2 by 2 matrix tightly aligned in memory of single-precision floating-point numbers. | |
-typedef aligned_highp_mat2x2 | aligned_mat2x2 |
2 by 2 matrix tightly aligned in memory of single-precision floating-point numbers. | |
-typedef aligned_highp_mat2x3 | aligned_mat2x3 |
2 by 3 matrix tightly aligned in memory of single-precision floating-point numbers. | |
-typedef aligned_highp_mat2x4 | aligned_mat2x4 |
2 by 4 matrix tightly aligned in memory of single-precision floating-point numbers. | |
-typedef aligned_highp_mat3 | aligned_mat3 |
3 by 3 matrix tightly aligned in memory of single-precision floating-point numbers. | |
-typedef aligned_highp_mat3x2 | aligned_mat3x2 |
3 by 2 matrix tightly aligned in memory of single-precision floating-point numbers. | |
-typedef aligned_highp_mat3x3 | aligned_mat3x3 |
3 by 3 matrix tightly aligned in memory of single-precision floating-point numbers. | |
-typedef aligned_highp_mat3x4 | aligned_mat3x4 |
3 by 4 matrix tightly aligned in memory of single-precision floating-point numbers. | |
-typedef aligned_highp_mat4 | aligned_mat4 |
4 by 4 matrix tightly aligned in memory of single-precision floating-point numbers. | |
-typedef aligned_highp_mat4x2 | aligned_mat4x2 |
4 by 2 matrix tightly aligned in memory of single-precision floating-point numbers. | |
-typedef aligned_highp_mat4x3 | aligned_mat4x3 |
4 by 3 matrix tightly aligned in memory of single-precision floating-point numbers. | |
-typedef aligned_highp_mat4x4 | aligned_mat4x4 |
4 by 4 matrix tightly aligned in memory of single-precision floating-point numbers. | |
-typedef vec< 1, bool, aligned_mediump > | aligned_mediump_bvec1 |
1 component vector aligned in memory of bool values. | |
-typedef vec< 2, bool, aligned_mediump > | aligned_mediump_bvec2 |
2 components vector aligned in memory of bool values. | |
-typedef vec< 3, bool, aligned_mediump > | aligned_mediump_bvec3 |
3 components vector aligned in memory of bool values. | |
-typedef vec< 4, bool, aligned_mediump > | aligned_mediump_bvec4 |
4 components vector aligned in memory of bool values. | |
-typedef mat< 2, 2, double, aligned_mediump > | aligned_mediump_dmat2 |
2 by 2 matrix aligned in memory of double-precision floating-point numbers using medium precision arithmetic in term of ULPs. | |
-typedef mat< 2, 2, double, aligned_mediump > | aligned_mediump_dmat2x2 |
2 by 2 matrix aligned in memory of double-precision floating-point numbers using medium precision arithmetic in term of ULPs. | |
-typedef mat< 2, 3, double, aligned_mediump > | aligned_mediump_dmat2x3 |
2 by 3 matrix aligned in memory of double-precision floating-point numbers using medium precision arithmetic in term of ULPs. | |
-typedef mat< 2, 4, double, aligned_mediump > | aligned_mediump_dmat2x4 |
2 by 4 matrix aligned in memory of double-precision floating-point numbers using medium precision arithmetic in term of ULPs. | |
-typedef mat< 3, 3, double, aligned_mediump > | aligned_mediump_dmat3 |
3 by 3 matrix aligned in memory of double-precision floating-point numbers using medium precision arithmetic in term of ULPs. | |
-typedef mat< 3, 2, double, aligned_mediump > | aligned_mediump_dmat3x2 |
3 by 2 matrix aligned in memory of double-precision floating-point numbers using medium precision arithmetic in term of ULPs. | |
-typedef mat< 3, 3, double, aligned_mediump > | aligned_mediump_dmat3x3 |
3 by 3 matrix aligned in memory of double-precision floating-point numbers using medium precision arithmetic in term of ULPs. | |
-typedef mat< 3, 4, double, aligned_mediump > | aligned_mediump_dmat3x4 |
3 by 4 matrix aligned in memory of double-precision floating-point numbers using medium precision arithmetic in term of ULPs. | |
-typedef mat< 4, 4, double, aligned_mediump > | aligned_mediump_dmat4 |
4 by 4 matrix aligned in memory of double-precision floating-point numbers using medium precision arithmetic in term of ULPs. | |
-typedef mat< 4, 2, double, aligned_mediump > | aligned_mediump_dmat4x2 |
4 by 2 matrix aligned in memory of double-precision floating-point numbers using medium precision arithmetic in term of ULPs. | |
-typedef mat< 4, 3, double, aligned_mediump > | aligned_mediump_dmat4x3 |
4 by 3 matrix aligned in memory of double-precision floating-point numbers using medium precision arithmetic in term of ULPs. | |
-typedef mat< 4, 4, double, aligned_mediump > | aligned_mediump_dmat4x4 |
4 by 4 matrix aligned in memory of double-precision floating-point numbers using medium precision arithmetic in term of ULPs. | |
-typedef vec< 1, double, aligned_mediump > | aligned_mediump_dvec1 |
1 component vector aligned in memory of double-precision floating-point numbers using medium precision arithmetic in term of ULPs. | |
-typedef vec< 2, double, aligned_mediump > | aligned_mediump_dvec2 |
2 components vector aligned in memory of double-precision floating-point numbers using medium precision arithmetic in term of ULPs. | |
-typedef vec< 3, double, aligned_mediump > | aligned_mediump_dvec3 |
3 components vector aligned in memory of double-precision floating-point numbers using medium precision arithmetic in term of ULPs. | |
-typedef vec< 4, double, aligned_mediump > | aligned_mediump_dvec4 |
4 components vector aligned in memory of double-precision floating-point numbers using medium precision arithmetic in term of ULPs. | |
-typedef vec< 1, int, aligned_mediump > | aligned_mediump_ivec1 |
1 component vector aligned in memory of signed integer numbers. | |
-typedef vec< 2, int, aligned_mediump > | aligned_mediump_ivec2 |
2 components vector aligned in memory of signed integer numbers. | |
-typedef vec< 3, int, aligned_mediump > | aligned_mediump_ivec3 |
3 components vector aligned in memory of signed integer numbers. | |
-typedef vec< 4, int, aligned_mediump > | aligned_mediump_ivec4 |
4 components vector aligned in memory of signed integer numbers. | |
-typedef mat< 2, 2, float, aligned_mediump > | aligned_mediump_mat2 |
2 by 2 matrix aligned in memory of single-precision floating-point numbers using medium precision arithmetic in term of ULPs. | |
-typedef mat< 2, 2, float, aligned_mediump > | aligned_mediump_mat2x2 |
2 by 2 matrix aligned in memory of single-precision floating-point numbers using medium precision arithmetic in term of ULPs. | |
-typedef mat< 2, 3, float, aligned_mediump > | aligned_mediump_mat2x3 |
2 by 3 matrix aligned in memory of single-precision floating-point numbers using medium precision arithmetic in term of ULPs. | |
-typedef mat< 2, 4, float, aligned_mediump > | aligned_mediump_mat2x4 |
2 by 4 matrix aligned in memory of single-precision floating-point numbers using medium precision arithmetic in term of ULPs. | |
-typedef mat< 3, 3, float, aligned_mediump > | aligned_mediump_mat3 |
3 by 3 matrix aligned in memory of single-precision floating-point numbers using medium precision arithmetic in term of ULPs. | |
-typedef mat< 3, 2, float, aligned_mediump > | aligned_mediump_mat3x2 |
3 by 2 matrix aligned in memory of single-precision floating-point numbers using medium precision arithmetic in term of ULPs. | |
-typedef mat< 3, 3, float, aligned_mediump > | aligned_mediump_mat3x3 |
3 by 3 matrix aligned in memory of single-precision floating-point numbers using medium precision arithmetic in term of ULPs. | |
-typedef mat< 3, 4, float, aligned_mediump > | aligned_mediump_mat3x4 |
3 by 4 matrix aligned in memory of single-precision floating-point numbers using medium precision arithmetic in term of ULPs. | |
-typedef mat< 4, 4, float, aligned_mediump > | aligned_mediump_mat4 |
4 by 4 matrix aligned in memory of single-precision floating-point numbers using medium precision arithmetic in term of ULPs. | |
-typedef mat< 4, 2, float, aligned_mediump > | aligned_mediump_mat4x2 |
4 by 2 matrix aligned in memory of single-precision floating-point numbers using medium precision arithmetic in term of ULPs. | |
-typedef mat< 4, 3, float, aligned_mediump > | aligned_mediump_mat4x3 |
4 by 3 matrix aligned in memory of single-precision floating-point numbers using medium precision arithmetic in term of ULPs. | |
-typedef mat< 4, 4, float, aligned_mediump > | aligned_mediump_mat4x4 |
4 by 4 matrix aligned in memory of single-precision floating-point numbers using medium precision arithmetic in term of ULPs. | |
-typedef vec< 1, uint, aligned_mediump > | aligned_mediump_uvec1 |
1 component vector aligned in memory of unsigned integer numbers. | |
-typedef vec< 2, uint, aligned_mediump > | aligned_mediump_uvec2 |
2 components vector aligned in memory of unsigned integer numbers. | |
-typedef vec< 3, uint, aligned_mediump > | aligned_mediump_uvec3 |
3 components vector aligned in memory of unsigned integer numbers. | |
-typedef vec< 4, uint, aligned_mediump > | aligned_mediump_uvec4 |
4 components vector aligned in memory of unsigned integer numbers. | |
-typedef vec< 1, float, aligned_mediump > | aligned_mediump_vec1 |
1 component vector aligned in memory of single-precision floating-point numbers using medium precision arithmetic in term of ULPs. | |
-typedef vec< 2, float, aligned_mediump > | aligned_mediump_vec2 |
2 components vector aligned in memory of single-precision floating-point numbers using medium precision arithmetic in term of ULPs. | |
-typedef vec< 3, float, aligned_mediump > | aligned_mediump_vec3 |
3 components vector aligned in memory of single-precision floating-point numbers using medium precision arithmetic in term of ULPs. | |
-typedef vec< 4, float, aligned_mediump > | aligned_mediump_vec4 |
4 components vector aligned in memory of single-precision floating-point numbers using medium precision arithmetic in term of ULPs. | |
-typedef aligned_highp_uvec1 | aligned_uvec1 |
1 component vector aligned in memory of unsigned integer numbers. | |
-typedef aligned_highp_uvec2 | aligned_uvec2 |
2 components vector aligned in memory of unsigned integer numbers. | |
-typedef aligned_highp_uvec3 | aligned_uvec3 |
3 components vector aligned in memory of unsigned integer numbers. | |
-typedef aligned_highp_uvec4 | aligned_uvec4 |
4 components vector aligned in memory of unsigned integer numbers. | |
-typedef aligned_highp_vec1 | aligned_vec1 |
1 component vector aligned in memory of single-precision floating-point numbers. | |
-typedef aligned_highp_vec2 | aligned_vec2 |
2 components vector aligned in memory of single-precision floating-point numbers. | |
-typedef aligned_highp_vec3 | aligned_vec3 |
3 components vector aligned in memory of single-precision floating-point numbers. | |
-typedef aligned_highp_vec4 | aligned_vec4 |
4 components vector aligned in memory of single-precision floating-point numbers. | |
-typedef packed_highp_bvec1 | packed_bvec1 |
1 components vector tightly packed in memory of bool values. | |
-typedef packed_highp_bvec2 | packed_bvec2 |
2 components vector tightly packed in memory of bool values. | |
-typedef packed_highp_bvec3 | packed_bvec3 |
3 components vector tightly packed in memory of bool values. | |
-typedef packed_highp_bvec4 | packed_bvec4 |
4 components vector tightly packed in memory of bool values. | |
-typedef packed_highp_dmat2 | packed_dmat2 |
2 by 2 matrix tightly packed in memory of double-precision floating-point numbers. | |
-typedef packed_highp_dmat2x2 | packed_dmat2x2 |
2 by 2 matrix tightly packed in memory of double-precision floating-point numbers. | |
-typedef packed_highp_dmat2x3 | packed_dmat2x3 |
2 by 3 matrix tightly packed in memory of double-precision floating-point numbers. | |
-typedef packed_highp_dmat2x4 | packed_dmat2x4 |
2 by 4 matrix tightly packed in memory of double-precision floating-point numbers. | |
-typedef packed_highp_dmat3 | packed_dmat3 |
3 by 3 matrix tightly packed in memory of double-precision floating-point numbers. | |
-typedef packed_highp_dmat3x2 | packed_dmat3x2 |
3 by 2 matrix tightly packed in memory of double-precision floating-point numbers. | |
-typedef packed_highp_dmat3x3 | packed_dmat3x3 |
3 by 3 matrix tightly packed in memory of double-precision floating-point numbers. | |
-typedef packed_highp_dmat3x4 | packed_dmat3x4 |
3 by 4 matrix tightly packed in memory of double-precision floating-point numbers. | |
-typedef packed_highp_dmat4 | packed_dmat4 |
4 by 4 matrix tightly packed in memory of double-precision floating-point numbers. | |
-typedef packed_highp_dmat4x2 | packed_dmat4x2 |
4 by 2 matrix tightly packed in memory of double-precision floating-point numbers. | |
-typedef packed_highp_dmat4x3 | packed_dmat4x3 |
4 by 3 matrix tightly packed in memory of double-precision floating-point numbers. | |
-typedef packed_highp_dmat4x4 | packed_dmat4x4 |
4 by 4 matrix tightly packed in memory of double-precision floating-point numbers. | |
-typedef packed_highp_dvec1 | packed_dvec1 |
1 component vector tightly packed in memory of double-precision floating-point numbers. | |
-typedef packed_highp_dvec2 | packed_dvec2 |
2 components vector tightly packed in memory of double-precision floating-point numbers. | |
-typedef packed_highp_dvec3 | packed_dvec3 |
3 components vector tightly packed in memory of double-precision floating-point numbers. | |
-typedef packed_highp_dvec4 | packed_dvec4 |
4 components vector tightly packed in memory of double-precision floating-point numbers. | |
-typedef vec< 1, bool, packed_highp > | packed_highp_bvec1 |
1 component vector tightly packed in memory of bool values. | |
-typedef vec< 2, bool, packed_highp > | packed_highp_bvec2 |
2 components vector tightly packed in memory of bool values. | |
-typedef vec< 3, bool, packed_highp > | packed_highp_bvec3 |
3 components vector tightly packed in memory of bool values. | |
-typedef vec< 4, bool, packed_highp > | packed_highp_bvec4 |
4 components vector tightly packed in memory of bool values. | |
-typedef mat< 2, 2, double, packed_highp > | packed_highp_dmat2 |
2 by 2 matrix tightly packed in memory of double-precision floating-point numbers using high precision arithmetic in term of ULPs. | |
-typedef mat< 2, 2, double, packed_highp > | packed_highp_dmat2x2 |
2 by 2 matrix tightly packed in memory of double-precision floating-point numbers using high precision arithmetic in term of ULPs. | |
-typedef mat< 2, 3, double, packed_highp > | packed_highp_dmat2x3 |
2 by 3 matrix tightly packed in memory of double-precision floating-point numbers using high precision arithmetic in term of ULPs. | |
-typedef mat< 2, 4, double, packed_highp > | packed_highp_dmat2x4 |
2 by 4 matrix tightly packed in memory of double-precision floating-point numbers using high precision arithmetic in term of ULPs. | |
-typedef mat< 3, 3, double, packed_highp > | packed_highp_dmat3 |
3 by 3 matrix tightly packed in memory of double-precision floating-point numbers using high precision arithmetic in term of ULPs. | |
-typedef mat< 3, 2, double, packed_highp > | packed_highp_dmat3x2 |
3 by 2 matrix tightly packed in memory of double-precision floating-point numbers using high precision arithmetic in term of ULPs. | |
-typedef mat< 3, 3, double, packed_highp > | packed_highp_dmat3x3 |
3 by 3 matrix tightly packed in memory of double-precision floating-point numbers using high precision arithmetic in term of ULPs. | |
-typedef mat< 3, 4, double, packed_highp > | packed_highp_dmat3x4 |
3 by 4 matrix tightly packed in memory of double-precision floating-point numbers using high precision arithmetic in term of ULPs. | |
-typedef mat< 4, 4, double, packed_highp > | packed_highp_dmat4 |
4 by 4 matrix tightly packed in memory of double-precision floating-point numbers using high precision arithmetic in term of ULPs. | |
-typedef mat< 4, 2, double, packed_highp > | packed_highp_dmat4x2 |
4 by 2 matrix tightly packed in memory of double-precision floating-point numbers using high precision arithmetic in term of ULPs. | |
-typedef mat< 4, 3, double, packed_highp > | packed_highp_dmat4x3 |
4 by 3 matrix tightly packed in memory of double-precision floating-point numbers using high precision arithmetic in term of ULPs. | |
-typedef mat< 4, 4, double, packed_highp > | packed_highp_dmat4x4 |
4 by 4 matrix tightly packed in memory of double-precision floating-point numbers using high precision arithmetic in term of ULPs. | |
-typedef vec< 1, double, packed_highp > | packed_highp_dvec1 |
1 component vector tightly packed in memory of double-precision floating-point numbers using high precision arithmetic in term of ULPs. | |
-typedef vec< 2, double, packed_highp > | packed_highp_dvec2 |
2 components vector tightly packed in memory of double-precision floating-point numbers using high precision arithmetic in term of ULPs. | |
-typedef vec< 3, double, packed_highp > | packed_highp_dvec3 |
3 components vector tightly packed in memory of double-precision floating-point numbers using high precision arithmetic in term of ULPs. | |
-typedef vec< 4, double, packed_highp > | packed_highp_dvec4 |
4 components vector tightly packed in memory of double-precision floating-point numbers using high precision arithmetic in term of ULPs. | |
-typedef vec< 1, int, packed_highp > | packed_highp_ivec1 |
1 component vector tightly packed in memory of signed integer numbers. | |
-typedef vec< 2, int, packed_highp > | packed_highp_ivec2 |
2 components vector tightly packed in memory of signed integer numbers. | |
-typedef vec< 3, int, packed_highp > | packed_highp_ivec3 |
3 components vector tightly packed in memory of signed integer numbers. | |
-typedef vec< 4, int, packed_highp > | packed_highp_ivec4 |
4 components vector tightly packed in memory of signed integer numbers. | |
-typedef mat< 2, 2, float, packed_highp > | packed_highp_mat2 |
2 by 2 matrix tightly packed in memory of single-precision floating-point numbers using high precision arithmetic in term of ULPs. | |
-typedef mat< 2, 2, float, packed_highp > | packed_highp_mat2x2 |
2 by 2 matrix tightly packed in memory of single-precision floating-point numbers using high precision arithmetic in term of ULPs. | |
-typedef mat< 2, 3, float, packed_highp > | packed_highp_mat2x3 |
2 by 3 matrix tightly packed in memory of single-precision floating-point numbers using high precision arithmetic in term of ULPs. | |
-typedef mat< 2, 4, float, packed_highp > | packed_highp_mat2x4 |
2 by 4 matrix tightly packed in memory of single-precision floating-point numbers using high precision arithmetic in term of ULPs. | |
-typedef mat< 3, 3, float, packed_highp > | packed_highp_mat3 |
3 by 3 matrix tightly packed in memory of single-precision floating-point numbers using high precision arithmetic in term of ULPs. | |
-typedef mat< 3, 2, float, packed_highp > | packed_highp_mat3x2 |
3 by 2 matrix tightly packed in memory of single-precision floating-point numbers using high precision arithmetic in term of ULPs. | |
-typedef mat< 3, 3, float, packed_highp > | packed_highp_mat3x3 |
3 by 3 matrix tightly packed in memory of single-precision floating-point numbers using high precision arithmetic in term of ULPs. | |
-typedef mat< 3, 4, float, packed_highp > | packed_highp_mat3x4 |
3 by 4 matrix tightly packed in memory of single-precision floating-point numbers using high precision arithmetic in term of ULPs. | |
-typedef mat< 4, 4, float, packed_highp > | packed_highp_mat4 |
4 by 4 matrix tightly packed in memory of single-precision floating-point numbers using high precision arithmetic in term of ULPs. | |
-typedef mat< 4, 2, float, packed_highp > | packed_highp_mat4x2 |
4 by 2 matrix tightly packed in memory of single-precision floating-point numbers using high precision arithmetic in term of ULPs. | |
-typedef mat< 4, 3, float, packed_highp > | packed_highp_mat4x3 |
4 by 3 matrix tightly packed in memory of single-precision floating-point numbers using high precision arithmetic in term of ULPs. | |
-typedef mat< 4, 4, float, packed_highp > | packed_highp_mat4x4 |
4 by 4 matrix tightly packed in memory of single-precision floating-point numbers using high precision arithmetic in term of ULPs. | |
-typedef vec< 1, uint, packed_highp > | packed_highp_uvec1 |
1 component vector tightly packed in memory of unsigned integer numbers. | |
-typedef vec< 2, uint, packed_highp > | packed_highp_uvec2 |
2 components vector tightly packed in memory of unsigned integer numbers. | |
-typedef vec< 3, uint, packed_highp > | packed_highp_uvec3 |
3 components vector tightly packed in memory of unsigned integer numbers. | |
-typedef vec< 4, uint, packed_highp > | packed_highp_uvec4 |
4 components vector tightly packed in memory of unsigned integer numbers. | |
-typedef vec< 1, float, packed_highp > | packed_highp_vec1 |
1 component vector tightly packed in memory of single-precision floating-point numbers using high precision arithmetic in term of ULPs. | |
-typedef vec< 2, float, packed_highp > | packed_highp_vec2 |
2 components vector tightly packed in memory of single-precision floating-point numbers using high precision arithmetic in term of ULPs. | |
-typedef vec< 3, float, packed_highp > | packed_highp_vec3 |
3 components vector tightly packed in memory of single-precision floating-point numbers using high precision arithmetic in term of ULPs. | |
-typedef vec< 4, float, packed_highp > | packed_highp_vec4 |
4 components vector tightly packed in memory of single-precision floating-point numbers using high precision arithmetic in term of ULPs. | |
-typedef packed_highp_ivec1 | packed_ivec1 |
1 component vector tightly packed in memory of signed integer numbers. | |
-typedef packed_highp_ivec2 | packed_ivec2 |
2 components vector tightly packed in memory of signed integer numbers. | |
-typedef packed_highp_ivec3 | packed_ivec3 |
3 components vector tightly packed in memory of signed integer numbers. | |
-typedef packed_highp_ivec4 | packed_ivec4 |
4 components vector tightly packed in memory of signed integer numbers. | |
-typedef vec< 1, bool, packed_lowp > | packed_lowp_bvec1 |
1 component vector tightly packed in memory of bool values. | |
-typedef vec< 2, bool, packed_lowp > | packed_lowp_bvec2 |
2 components vector tightly packed in memory of bool values. | |
-typedef vec< 3, bool, packed_lowp > | packed_lowp_bvec3 |
3 components vector tightly packed in memory of bool values. | |
-typedef vec< 4, bool, packed_lowp > | packed_lowp_bvec4 |
4 components vector tightly packed in memory of bool values. | |
-typedef mat< 2, 2, double, packed_lowp > | packed_lowp_dmat2 |
2 by 2 matrix tightly packed in memory of double-precision floating-point numbers using low precision arithmetic in term of ULPs. | |
-typedef mat< 2, 2, double, packed_lowp > | packed_lowp_dmat2x2 |
2 by 2 matrix tightly packed in memory of double-precision floating-point numbers using low precision arithmetic in term of ULPs. | |
-typedef mat< 2, 3, double, packed_lowp > | packed_lowp_dmat2x3 |
2 by 3 matrix tightly packed in memory of double-precision floating-point numbers using low precision arithmetic in term of ULPs. | |
-typedef mat< 2, 4, double, packed_lowp > | packed_lowp_dmat2x4 |
2 by 4 matrix tightly packed in memory of double-precision floating-point numbers using low precision arithmetic in term of ULPs. | |
-typedef mat< 3, 3, double, packed_lowp > | packed_lowp_dmat3 |
3 by 3 matrix tightly packed in memory of double-precision floating-point numbers using low precision arithmetic in term of ULPs. | |
-typedef mat< 3, 2, double, packed_lowp > | packed_lowp_dmat3x2 |
3 by 2 matrix tightly packed in memory of double-precision floating-point numbers using low precision arithmetic in term of ULPs. | |
-typedef mat< 3, 3, double, packed_lowp > | packed_lowp_dmat3x3 |
3 by 3 matrix tightly packed in memory of double-precision floating-point numbers using low precision arithmetic in term of ULPs. | |
-typedef mat< 3, 4, double, packed_lowp > | packed_lowp_dmat3x4 |
3 by 4 matrix tightly packed in memory of double-precision floating-point numbers using low precision arithmetic in term of ULPs. | |
-typedef mat< 4, 4, double, packed_lowp > | packed_lowp_dmat4 |
4 by 4 matrix tightly packed in memory of double-precision floating-point numbers using low precision arithmetic in term of ULPs. | |
-typedef mat< 4, 2, double, packed_lowp > | packed_lowp_dmat4x2 |
4 by 2 matrix tightly packed in memory of double-precision floating-point numbers using low precision arithmetic in term of ULPs. | |
-typedef mat< 4, 3, double, packed_lowp > | packed_lowp_dmat4x3 |
4 by 3 matrix tightly packed in memory of double-precision floating-point numbers using low precision arithmetic in term of ULPs. | |
-typedef mat< 4, 4, double, packed_lowp > | packed_lowp_dmat4x4 |
4 by 4 matrix tightly packed in memory of double-precision floating-point numbers using low precision arithmetic in term of ULPs. | |
-typedef vec< 1, double, packed_lowp > | packed_lowp_dvec1 |
1 component vector tightly packed in memory of double-precision floating-point numbers using low precision arithmetic in term of ULPs. | |
-typedef vec< 2, double, packed_lowp > | packed_lowp_dvec2 |
2 components vector tightly packed in memory of double-precision floating-point numbers using low precision arithmetic in term of ULPs. | |
-typedef vec< 3, double, packed_lowp > | packed_lowp_dvec3 |
3 components vector tightly packed in memory of double-precision floating-point numbers using low precision arithmetic in term of ULPs. | |
-typedef vec< 4, double, packed_lowp > | packed_lowp_dvec4 |
4 components vector tightly packed in memory of double-precision floating-point numbers using low precision arithmetic in term of ULPs. | |
-typedef vec< 1, int, packed_lowp > | packed_lowp_ivec1 |
1 component vector tightly packed in memory of signed integer numbers. | |
-typedef vec< 2, int, packed_lowp > | packed_lowp_ivec2 |
2 components vector tightly packed in memory of signed integer numbers. | |
-typedef vec< 3, int, packed_lowp > | packed_lowp_ivec3 |
3 components vector tightly packed in memory of signed integer numbers. | |
-typedef vec< 4, int, packed_lowp > | packed_lowp_ivec4 |
4 components vector tightly packed in memory of signed integer numbers. | |
-typedef mat< 2, 2, float, packed_lowp > | packed_lowp_mat2 |
2 by 2 matrix tightly packed in memory of single-precision floating-point numbers using low precision arithmetic in term of ULPs. | |
-typedef mat< 2, 2, float, packed_lowp > | packed_lowp_mat2x2 |
2 by 2 matrix tightly packed in memory of single-precision floating-point numbers using low precision arithmetic in term of ULPs. | |
-typedef mat< 2, 3, float, packed_lowp > | packed_lowp_mat2x3 |
2 by 3 matrix tightly packed in memory of single-precision floating-point numbers using low precision arithmetic in term of ULPs. | |
-typedef mat< 2, 4, float, packed_lowp > | packed_lowp_mat2x4 |
2 by 4 matrix tightly packed in memory of single-precision floating-point numbers using low precision arithmetic in term of ULPs. | |
-typedef mat< 3, 3, float, packed_lowp > | packed_lowp_mat3 |
3 by 3 matrix tightly packed in memory of single-precision floating-point numbers using low precision arithmetic in term of ULPs. | |
-typedef mat< 3, 2, float, packed_lowp > | packed_lowp_mat3x2 |
3 by 2 matrix tightly packed in memory of single-precision floating-point numbers using low precision arithmetic in term of ULPs. | |
-typedef mat< 3, 3, float, packed_lowp > | packed_lowp_mat3x3 |
3 by 3 matrix tightly packed in memory of single-precision floating-point numbers using low precision arithmetic in term of ULPs. | |
-typedef mat< 3, 4, float, packed_lowp > | packed_lowp_mat3x4 |
3 by 4 matrix tightly packed in memory of single-precision floating-point numbers using low precision arithmetic in term of ULPs. | |
-typedef mat< 4, 4, float, packed_lowp > | packed_lowp_mat4 |
4 by 4 matrix tightly packed in memory of single-precision floating-point numbers using low precision arithmetic in term of ULPs. | |
-typedef mat< 4, 2, float, packed_lowp > | packed_lowp_mat4x2 |
4 by 2 matrix tightly packed in memory of single-precision floating-point numbers using low precision arithmetic in term of ULPs. | |
-typedef mat< 4, 3, float, packed_lowp > | packed_lowp_mat4x3 |
4 by 3 matrix tightly packed in memory of single-precision floating-point numbers using low precision arithmetic in term of ULPs. | |
-typedef mat< 4, 4, float, packed_lowp > | packed_lowp_mat4x4 |
4 by 4 matrix tightly packed in memory of single-precision floating-point numbers using low precision arithmetic in term of ULPs. | |
-typedef vec< 1, uint, packed_lowp > | packed_lowp_uvec1 |
1 component vector tightly packed in memory of unsigned integer numbers. | |
-typedef vec< 2, uint, packed_lowp > | packed_lowp_uvec2 |
2 components vector tightly packed in memory of unsigned integer numbers. | |
-typedef vec< 3, uint, packed_lowp > | packed_lowp_uvec3 |
3 components vector tightly packed in memory of unsigned integer numbers. | |
-typedef vec< 4, uint, packed_lowp > | packed_lowp_uvec4 |
4 components vector tightly packed in memory of unsigned integer numbers. | |
-typedef vec< 1, float, packed_lowp > | packed_lowp_vec1 |
1 component vector tightly packed in memory of single-precision floating-point numbers using low precision arithmetic in term of ULPs. | |
-typedef vec< 2, float, packed_lowp > | packed_lowp_vec2 |
2 components vector tightly packed in memory of single-precision floating-point numbers using low precision arithmetic in term of ULPs. | |
-typedef vec< 3, float, packed_lowp > | packed_lowp_vec3 |
3 components vector tightly packed in memory of single-precision floating-point numbers using low precision arithmetic in term of ULPs. | |
-typedef vec< 4, float, packed_lowp > | packed_lowp_vec4 |
4 components vector tightly packed in memory of single-precision floating-point numbers using low precision arithmetic in term of ULPs. | |
-typedef packed_highp_mat2 | packed_mat2 |
2 by 2 matrix tightly packed in memory of single-precision floating-point numbers. | |
-typedef packed_highp_mat2x2 | packed_mat2x2 |
2 by 2 matrix tightly packed in memory of single-precision floating-point numbers. | |
-typedef packed_highp_mat2x3 | packed_mat2x3 |
2 by 3 matrix tightly packed in memory of single-precision floating-point numbers. | |
-typedef packed_highp_mat2x4 | packed_mat2x4 |
2 by 4 matrix tightly packed in memory of single-precision floating-point numbers. | |
-typedef packed_highp_mat3 | packed_mat3 |
3 by 3 matrix tightly packed in memory of single-precision floating-point numbers. | |
-typedef packed_highp_mat3x2 | packed_mat3x2 |
3 by 2 matrix tightly packed in memory of single-precision floating-point numbers. | |
-typedef packed_highp_mat3x3 | packed_mat3x3 |
3 by 3 matrix tightly packed in memory of single-precision floating-point numbers. | |
-typedef packed_highp_mat3x4 | packed_mat3x4 |
3 by 4 matrix tightly packed in memory of single-precision floating-point numbers. | |
-typedef packed_highp_mat4 | packed_mat4 |
4 by 4 matrix tightly packed in memory of single-precision floating-point numbers. | |
-typedef packed_highp_mat4x2 | packed_mat4x2 |
4 by 2 matrix tightly packed in memory of single-precision floating-point numbers. | |
-typedef packed_highp_mat4x3 | packed_mat4x3 |
4 by 3 matrix tightly packed in memory of single-precision floating-point numbers. | |
-typedef packed_highp_mat4x4 | packed_mat4x4 |
4 by 4 matrix tightly packed in memory of single-precision floating-point numbers. | |
-typedef vec< 1, bool, packed_mediump > | packed_mediump_bvec1 |
1 component vector tightly packed in memory of bool values. | |
-typedef vec< 2, bool, packed_mediump > | packed_mediump_bvec2 |
2 components vector tightly packed in memory of bool values. | |
-typedef vec< 3, bool, packed_mediump > | packed_mediump_bvec3 |
3 components vector tightly packed in memory of bool values. | |
-typedef vec< 4, bool, packed_mediump > | packed_mediump_bvec4 |
4 components vector tightly packed in memory of bool values. | |
-typedef mat< 2, 2, double, packed_mediump > | packed_mediump_dmat2 |
2 by 2 matrix tightly packed in memory of double-precision floating-point numbers using medium precision arithmetic in term of ULPs. | |
-typedef mat< 2, 2, double, packed_mediump > | packed_mediump_dmat2x2 |
2 by 2 matrix tightly packed in memory of double-precision floating-point numbers using medium precision arithmetic in term of ULPs. | |
-typedef mat< 2, 3, double, packed_mediump > | packed_mediump_dmat2x3 |
2 by 3 matrix tightly packed in memory of double-precision floating-point numbers using medium precision arithmetic in term of ULPs. | |
-typedef mat< 2, 4, double, packed_mediump > | packed_mediump_dmat2x4 |
2 by 4 matrix tightly packed in memory of double-precision floating-point numbers using medium precision arithmetic in term of ULPs. | |
-typedef mat< 3, 3, double, packed_mediump > | packed_mediump_dmat3 |
3 by 3 matrix tightly packed in memory of double-precision floating-point numbers using medium precision arithmetic in term of ULPs. | |
-typedef mat< 3, 2, double, packed_mediump > | packed_mediump_dmat3x2 |
3 by 2 matrix tightly packed in memory of double-precision floating-point numbers using medium precision arithmetic in term of ULPs. | |
-typedef mat< 3, 3, double, packed_mediump > | packed_mediump_dmat3x3 |
3 by 3 matrix tightly packed in memory of double-precision floating-point numbers using medium precision arithmetic in term of ULPs. | |
-typedef mat< 3, 4, double, packed_mediump > | packed_mediump_dmat3x4 |
3 by 4 matrix tightly packed in memory of double-precision floating-point numbers using medium precision arithmetic in term of ULPs. | |
-typedef mat< 4, 4, double, packed_mediump > | packed_mediump_dmat4 |
4 by 4 matrix tightly packed in memory of double-precision floating-point numbers using medium precision arithmetic in term of ULPs. | |
-typedef mat< 4, 2, double, packed_mediump > | packed_mediump_dmat4x2 |
4 by 2 matrix tightly packed in memory of double-precision floating-point numbers using medium precision arithmetic in term of ULPs. | |
-typedef mat< 4, 3, double, packed_mediump > | packed_mediump_dmat4x3 |
4 by 3 matrix tightly packed in memory of double-precision floating-point numbers using medium precision arithmetic in term of ULPs. | |
-typedef mat< 4, 4, double, packed_mediump > | packed_mediump_dmat4x4 |
4 by 4 matrix tightly packed in memory of double-precision floating-point numbers using medium precision arithmetic in term of ULPs. | |
-typedef vec< 1, double, packed_mediump > | packed_mediump_dvec1 |
1 component vector tightly packed in memory of double-precision floating-point numbers using medium precision arithmetic in term of ULPs. | |
-typedef vec< 2, double, packed_mediump > | packed_mediump_dvec2 |
2 components vector tightly packed in memory of double-precision floating-point numbers using medium precision arithmetic in term of ULPs. | |
-typedef vec< 3, double, packed_mediump > | packed_mediump_dvec3 |
3 components vector tightly packed in memory of double-precision floating-point numbers using medium precision arithmetic in term of ULPs. | |
-typedef vec< 4, double, packed_mediump > | packed_mediump_dvec4 |
4 components vector tightly packed in memory of double-precision floating-point numbers using medium precision arithmetic in term of ULPs. | |
-typedef vec< 1, int, packed_mediump > | packed_mediump_ivec1 |
1 component vector tightly packed in memory of signed integer numbers. | |
-typedef vec< 2, int, packed_mediump > | packed_mediump_ivec2 |
2 components vector tightly packed in memory of signed integer numbers. | |
-typedef vec< 3, int, packed_mediump > | packed_mediump_ivec3 |
3 components vector tightly packed in memory of signed integer numbers. | |
-typedef vec< 4, int, packed_mediump > | packed_mediump_ivec4 |
4 components vector tightly packed in memory of signed integer numbers. | |
-typedef mat< 2, 2, float, packed_mediump > | packed_mediump_mat2 |
2 by 2 matrix tightly packed in memory of single-precision floating-point numbers using medium precision arithmetic in term of ULPs. | |
-typedef mat< 2, 2, float, packed_mediump > | packed_mediump_mat2x2 |
2 by 2 matrix tightly packed in memory of single-precision floating-point numbers using medium precision arithmetic in term of ULPs. | |
-typedef mat< 2, 3, float, packed_mediump > | packed_mediump_mat2x3 |
2 by 3 matrix tightly packed in memory of single-precision floating-point numbers using medium precision arithmetic in term of ULPs. | |
-typedef mat< 2, 4, float, packed_mediump > | packed_mediump_mat2x4 |
2 by 4 matrix tightly packed in memory of single-precision floating-point numbers using medium precision arithmetic in term of ULPs. | |
-typedef mat< 3, 3, float, packed_mediump > | packed_mediump_mat3 |
3 by 3 matrix tightly packed in memory of single-precision floating-point numbers using medium precision arithmetic in term of ULPs. | |
-typedef mat< 3, 2, float, packed_mediump > | packed_mediump_mat3x2 |
3 by 2 matrix tightly packed in memory of single-precision floating-point numbers using medium precision arithmetic in term of ULPs. | |
-typedef mat< 3, 3, float, packed_mediump > | packed_mediump_mat3x3 |
3 by 3 matrix tightly packed in memory of single-precision floating-point numbers using medium precision arithmetic in term of ULPs. | |
-typedef mat< 3, 4, float, packed_mediump > | packed_mediump_mat3x4 |
3 by 4 matrix tightly packed in memory of single-precision floating-point numbers using medium precision arithmetic in term of ULPs. | |
-typedef mat< 4, 4, float, packed_mediump > | packed_mediump_mat4 |
4 by 4 matrix tightly packed in memory of single-precision floating-point numbers using medium precision arithmetic in term of ULPs. | |
-typedef mat< 4, 2, float, packed_mediump > | packed_mediump_mat4x2 |
4 by 2 matrix tightly packed in memory of single-precision floating-point numbers using medium precision arithmetic in term of ULPs. | |
-typedef mat< 4, 3, float, packed_mediump > | packed_mediump_mat4x3 |
4 by 3 matrix tightly packed in memory of single-precision floating-point numbers using medium precision arithmetic in term of ULPs. | |
-typedef mat< 4, 4, float, packed_mediump > | packed_mediump_mat4x4 |
4 by 4 matrix tightly packed in memory of single-precision floating-point numbers using medium precision arithmetic in term of ULPs. | |
-typedef vec< 1, uint, packed_mediump > | packed_mediump_uvec1 |
1 component vector tightly packed in memory of unsigned integer numbers. | |
-typedef vec< 2, uint, packed_mediump > | packed_mediump_uvec2 |
2 components vector tightly packed in memory of unsigned integer numbers. | |
-typedef vec< 3, uint, packed_mediump > | packed_mediump_uvec3 |
3 components vector tightly packed in memory of unsigned integer numbers. | |
-typedef vec< 4, uint, packed_mediump > | packed_mediump_uvec4 |
4 components vector tightly packed in memory of unsigned integer numbers. | |
-typedef vec< 1, float, packed_mediump > | packed_mediump_vec1 |
1 component vector tightly packed in memory of single-precision floating-point numbers using medium precision arithmetic in term of ULPs. | |
-typedef vec< 2, float, packed_mediump > | packed_mediump_vec2 |
2 components vector tightly packed in memory of single-precision floating-point numbers using medium precision arithmetic in term of ULPs. | |
-typedef vec< 3, float, packed_mediump > | packed_mediump_vec3 |
3 components vector tightly packed in memory of single-precision floating-point numbers using medium precision arithmetic in term of ULPs. | |
-typedef vec< 4, float, packed_mediump > | packed_mediump_vec4 |
4 components vector tightly packed in memory of single-precision floating-point numbers using medium precision arithmetic in term of ULPs. | |
-typedef packed_highp_uvec1 | packed_uvec1 |
1 component vector tightly packed in memory of unsigned integer numbers. | |
-typedef packed_highp_uvec2 | packed_uvec2 |
2 components vector tightly packed in memory of unsigned integer numbers. | |
-typedef packed_highp_uvec3 | packed_uvec3 |
3 components vector tightly packed in memory of unsigned integer numbers. | |
-typedef packed_highp_uvec4 | packed_uvec4 |
4 components vector tightly packed in memory of unsigned integer numbers. | |
-typedef packed_highp_vec1 | packed_vec1 |
1 component vector tightly packed in memory of single-precision floating-point numbers. | |
-typedef packed_highp_vec2 | packed_vec2 |
2 components vector tightly packed in memory of single-precision floating-point numbers. | |
-typedef packed_highp_vec3 | packed_vec3 |
3 components vector tightly packed in memory of single-precision floating-point numbers. | |
-typedef packed_highp_vec4 | packed_vec4 |
4 components vector tightly packed in memory of single-precision floating-point numbers. | |
Include <glm/gtc/type_aligned.hpp> to use the features of this extension.
-Aligned types allowing SIMD optimizations of vectors and matrices types
-![]() |
-
- 0.9.9 API documentation
-
- |
-
Include <glm/gtc/type_precision.hpp> to use the features of this extension. -More...
--Typedefs | |
typedef float | f32 |
Default 32 bit single-qualifier floating-point scalar. More... | |
typedef mat< 2, 2, f32, defaultp > | f32mat2 |
Single-qualifier floating-point 1x1 matrix. More... | |
typedef mat< 2, 2, f32, defaultp > | f32mat2x2 |
Single-qualifier floating-point 1x1 matrix. More... | |
typedef mat< 2, 3, f32, defaultp > | f32mat2x3 |
Single-qualifier floating-point 2x3 matrix. More... | |
typedef mat< 2, 4, f32, defaultp > | f32mat2x4 |
Single-qualifier floating-point 2x4 matrix. More... | |
typedef mat< 3, 3, f32, defaultp > | f32mat3 |
Single-qualifier floating-point 3x3 matrix. More... | |
typedef mat< 3, 2, f32, defaultp > | f32mat3x2 |
Single-qualifier floating-point 3x2 matrix. More... | |
typedef mat< 3, 3, f32, defaultp > | f32mat3x3 |
Single-qualifier floating-point 3x3 matrix. More... | |
typedef mat< 3, 4, f32, defaultp > | f32mat3x4 |
Single-qualifier floating-point 3x4 matrix. More... | |
typedef mat< 4, 4, f32, defaultp > | f32mat4 |
Single-qualifier floating-point 4x4 matrix. More... | |
typedef mat< 4, 2, f32, defaultp > | f32mat4x2 |
Single-qualifier floating-point 4x2 matrix. More... | |
typedef mat< 4, 3, f32, defaultp > | f32mat4x3 |
Single-qualifier floating-point 4x3 matrix. More... | |
typedef mat< 4, 4, f32, defaultp > | f32mat4x4 |
Single-qualifier floating-point 4x4 matrix. More... | |
typedef qua< f32, defaultp > | f32quat |
Single-qualifier floating-point quaternion. More... | |
typedef vec< 1, f32, defaultp > | f32vec1 |
Single-qualifier floating-point vector of 1 component. More... | |
typedef vec< 2, f32, defaultp > | f32vec2 |
Single-qualifier floating-point vector of 2 components. More... | |
typedef vec< 3, f32, defaultp > | f32vec3 |
Single-qualifier floating-point vector of 3 components. More... | |
typedef vec< 4, f32, defaultp > | f32vec4 |
Single-qualifier floating-point vector of 4 components. More... | |
typedef double | f64 |
Default 64 bit double-qualifier floating-point scalar. More... | |
typedef mat< 2, 2, f64, defaultp > | f64mat2 |
Double-qualifier floating-point 1x1 matrix. More... | |
typedef mat< 2, 2, f64, defaultp > | f64mat2x2 |
Double-qualifier floating-point 1x1 matrix. More... | |
typedef mat< 2, 3, f64, defaultp > | f64mat2x3 |
Double-qualifier floating-point 2x3 matrix. More... | |
typedef mat< 2, 4, f64, defaultp > | f64mat2x4 |
Double-qualifier floating-point 2x4 matrix. More... | |
typedef mat< 3, 3, f64, defaultp > | f64mat3 |
Double-qualifier floating-point 3x3 matrix. More... | |
typedef mat< 3, 2, f64, defaultp > | f64mat3x2 |
Double-qualifier floating-point 3x2 matrix. More... | |
typedef mat< 3, 3, f64, defaultp > | f64mat3x3 |
Double-qualifier floating-point 3x3 matrix. More... | |
typedef mat< 3, 4, f64, defaultp > | f64mat3x4 |
Double-qualifier floating-point 3x4 matrix. More... | |
typedef mat< 4, 4, f64, defaultp > | f64mat4 |
Double-qualifier floating-point 4x4 matrix. More... | |
typedef mat< 4, 2, f64, defaultp > | f64mat4x2 |
Double-qualifier floating-point 4x2 matrix. More... | |
typedef mat< 4, 3, f64, defaultp > | f64mat4x3 |
Double-qualifier floating-point 4x3 matrix. More... | |
typedef mat< 4, 4, f64, defaultp > | f64mat4x4 |
Double-qualifier floating-point 4x4 matrix. More... | |
typedef qua< f64, defaultp > | f64quat |
Double-qualifier floating-point quaternion. More... | |
typedef vec< 1, f64, defaultp > | f64vec1 |
Double-qualifier floating-point vector of 1 component. More... | |
typedef vec< 2, f64, defaultp > | f64vec2 |
Double-qualifier floating-point vector of 2 components. More... | |
typedef vec< 3, f64, defaultp > | f64vec3 |
Double-qualifier floating-point vector of 3 components. More... | |
typedef vec< 4, f64, defaultp > | f64vec4 |
Double-qualifier floating-point vector of 4 components. More... | |
typedef float | float32 |
Single-qualifier floating-point scalar. More... | |
typedef float | float32_t |
Default 32 bit single-qualifier floating-point scalar. More... | |
typedef double | float64 |
Double-qualifier floating-point scalar. More... | |
typedef double | float64_t |
Default 64 bit double-qualifier floating-point scalar. More... | |
typedef mat< 2, 2, f32, defaultp > | fmat2 |
Single-qualifier floating-point 1x1 matrix. More... | |
typedef mat< 2, 2, f32, defaultp > | fmat2x2 |
Single-qualifier floating-point 1x1 matrix. More... | |
typedef mat< 2, 3, f32, defaultp > | fmat2x3 |
Single-qualifier floating-point 2x3 matrix. More... | |
typedef mat< 2, 4, f32, defaultp > | fmat2x4 |
Single-qualifier floating-point 2x4 matrix. More... | |
typedef mat< 3, 3, f32, defaultp > | fmat3 |
Single-qualifier floating-point 3x3 matrix. More... | |
typedef mat< 3, 2, f32, defaultp > | fmat3x2 |
Single-qualifier floating-point 3x2 matrix. More... | |
typedef mat< 3, 3, f32, defaultp > | fmat3x3 |
Single-qualifier floating-point 3x3 matrix. More... | |
typedef mat< 3, 4, f32, defaultp > | fmat3x4 |
Single-qualifier floating-point 3x4 matrix. More... | |
typedef mat< 4, 4, f32, defaultp > | fmat4 |
Single-qualifier floating-point 4x4 matrix. More... | |
typedef mat< 4, 2, f32, defaultp > | fmat4x2 |
Single-qualifier floating-point 4x2 matrix. More... | |
typedef mat< 4, 3, f32, defaultp > | fmat4x3 |
Single-qualifier floating-point 4x3 matrix. More... | |
typedef mat< 4, 4, f32, defaultp > | fmat4x4 |
Single-qualifier floating-point 4x4 matrix. More... | |
typedef vec< 1, f32, defaultp > | fvec1 |
Single-qualifier floating-point vector of 1 component. More... | |
typedef vec< 2, f32, defaultp > | fvec2 |
Single-qualifier floating-point vector of 2 components. More... | |
typedef vec< 3, f32, defaultp > | fvec3 |
Single-qualifier floating-point vector of 3 components. More... | |
typedef vec< 4, f32, defaultp > | fvec4 |
Single-qualifier floating-point vector of 4 components. More... | |
typedef float | highp_f32 |
High 32 bit single-qualifier floating-point scalar. More... | |
typedef mat< 2, 2, f32, highp > | highp_f32mat2 |
High single-qualifier floating-point 1x1 matrix. More... | |
typedef mat< 2, 2, f32, highp > | highp_f32mat2x2 |
High single-qualifier floating-point 1x1 matrix. More... | |
typedef mat< 2, 3, f32, highp > | highp_f32mat2x3 |
High single-qualifier floating-point 2x3 matrix. More... | |
typedef mat< 2, 4, f32, highp > | highp_f32mat2x4 |
High single-qualifier floating-point 2x4 matrix. More... | |
typedef mat< 3, 3, f32, highp > | highp_f32mat3 |
High single-qualifier floating-point 3x3 matrix. More... | |
typedef mat< 3, 2, f32, highp > | highp_f32mat3x2 |
High single-qualifier floating-point 3x2 matrix. More... | |
typedef mat< 3, 3, f32, highp > | highp_f32mat3x3 |
High single-qualifier floating-point 3x3 matrix. More... | |
typedef mat< 3, 4, f32, highp > | highp_f32mat3x4 |
High single-qualifier floating-point 3x4 matrix. More... | |
typedef mat< 4, 4, f32, highp > | highp_f32mat4 |
High single-qualifier floating-point 4x4 matrix. More... | |
typedef mat< 4, 2, f32, highp > | highp_f32mat4x2 |
High single-qualifier floating-point 4x2 matrix. More... | |
typedef mat< 4, 3, f32, highp > | highp_f32mat4x3 |
High single-qualifier floating-point 4x3 matrix. More... | |
typedef mat< 4, 4, f32, highp > | highp_f32mat4x4 |
High single-qualifier floating-point 4x4 matrix. More... | |
typedef qua< f32, highp > | highp_f32quat |
High single-qualifier floating-point quaternion. More... | |
typedef vec< 1, f32, highp > | highp_f32vec1 |
High single-qualifier floating-point vector of 1 component. More... | |
typedef vec< 2, f32, highp > | highp_f32vec2 |
High single-qualifier floating-point vector of 2 components. More... | |
typedef vec< 3, f32, highp > | highp_f32vec3 |
High single-qualifier floating-point vector of 3 components. More... | |
typedef vec< 4, f32, highp > | highp_f32vec4 |
High single-qualifier floating-point vector of 4 components. More... | |
typedef double | highp_f64 |
High 64 bit double-qualifier floating-point scalar. More... | |
typedef mat< 2, 2, f64, highp > | highp_f64mat2 |
High double-qualifier floating-point 1x1 matrix. More... | |
typedef mat< 2, 2, f64, highp > | highp_f64mat2x2 |
High double-qualifier floating-point 1x1 matrix. More... | |
typedef mat< 2, 3, f64, highp > | highp_f64mat2x3 |
High double-qualifier floating-point 2x3 matrix. More... | |
typedef mat< 2, 4, f64, highp > | highp_f64mat2x4 |
High double-qualifier floating-point 2x4 matrix. More... | |
typedef mat< 3, 3, f64, highp > | highp_f64mat3 |
High double-qualifier floating-point 3x3 matrix. More... | |
typedef mat< 3, 2, f64, highp > | highp_f64mat3x2 |
High double-qualifier floating-point 3x2 matrix. More... | |
typedef mat< 3, 3, f64, highp > | highp_f64mat3x3 |
High double-qualifier floating-point 3x3 matrix. More... | |
typedef mat< 3, 4, f64, highp > | highp_f64mat3x4 |
High double-qualifier floating-point 3x4 matrix. More... | |
typedef mat< 4, 4, f64, highp > | highp_f64mat4 |
High double-qualifier floating-point 4x4 matrix. More... | |
typedef mat< 4, 2, f64, highp > | highp_f64mat4x2 |
High double-qualifier floating-point 4x2 matrix. More... | |
typedef mat< 4, 3, f64, highp > | highp_f64mat4x3 |
High double-qualifier floating-point 4x3 matrix. More... | |
typedef mat< 4, 4, f64, highp > | highp_f64mat4x4 |
High double-qualifier floating-point 4x4 matrix. More... | |
typedef qua< f64, highp > | highp_f64quat |
High double-qualifier floating-point quaternion. More... | |
typedef vec< 1, f64, highp > | highp_f64vec1 |
High double-qualifier floating-point vector of 1 component. More... | |
typedef vec< 2, f64, highp > | highp_f64vec2 |
High double-qualifier floating-point vector of 2 components. More... | |
typedef vec< 3, f64, highp > | highp_f64vec3 |
High double-qualifier floating-point vector of 3 components. More... | |
typedef vec< 4, f64, highp > | highp_f64vec4 |
High double-qualifier floating-point vector of 4 components. More... | |
typedef float | highp_float32 |
High 32 bit single-qualifier floating-point scalar. More... | |
typedef float | highp_float32_t |
High 32 bit single-qualifier floating-point scalar. More... | |
typedef double | highp_float64 |
High 64 bit double-qualifier floating-point scalar. More... | |
typedef double | highp_float64_t |
High 64 bit double-qualifier floating-point scalar. More... | |
typedef mat< 2, 2, f32, highp > | highp_fmat2 |
High single-qualifier floating-point 1x1 matrix. More... | |
typedef mat< 2, 2, f32, highp > | highp_fmat2x2 |
High single-qualifier floating-point 1x1 matrix. More... | |
typedef mat< 2, 3, f32, highp > | highp_fmat2x3 |
High single-qualifier floating-point 2x3 matrix. More... | |
typedef mat< 2, 4, f32, highp > | highp_fmat2x4 |
High single-qualifier floating-point 2x4 matrix. More... | |
typedef mat< 3, 3, f32, highp > | highp_fmat3 |
High single-qualifier floating-point 3x3 matrix. More... | |
typedef mat< 3, 2, f32, highp > | highp_fmat3x2 |
High single-qualifier floating-point 3x2 matrix. More... | |
typedef mat< 3, 3, f32, highp > | highp_fmat3x3 |
High single-qualifier floating-point 3x3 matrix. More... | |
typedef mat< 3, 4, f32, highp > | highp_fmat3x4 |
High single-qualifier floating-point 3x4 matrix. More... | |
typedef mat< 4, 4, f32, highp > | highp_fmat4 |
High single-qualifier floating-point 4x4 matrix. More... | |
typedef mat< 4, 2, f32, highp > | highp_fmat4x2 |
High single-qualifier floating-point 4x2 matrix. More... | |
typedef mat< 4, 3, f32, highp > | highp_fmat4x3 |
High single-qualifier floating-point 4x3 matrix. More... | |
typedef mat< 4, 4, f32, highp > | highp_fmat4x4 |
High single-qualifier floating-point 4x4 matrix. More... | |
typedef vec< 1, float, highp > | highp_fvec1 |
High single-qualifier floating-point vector of 1 component. More... | |
typedef vec< 2, float, highp > | highp_fvec2 |
High Single-qualifier floating-point vector of 2 components. More... | |
typedef vec< 3, float, highp > | highp_fvec3 |
High Single-qualifier floating-point vector of 3 components. More... | |
typedef vec< 4, float, highp > | highp_fvec4 |
High Single-qualifier floating-point vector of 4 components. More... | |
typedef int16 | highp_i16 |
High qualifier 16 bit signed integer type. More... | |
typedef vec< 1, i16, highp > | highp_i16vec1 |
High qualifier 16 bit signed integer scalar type. More... | |
typedef vec< 2, i16, highp > | highp_i16vec2 |
High qualifier 16 bit signed integer vector of 2 components type. More... | |
typedef vec< 3, i16, highp > | highp_i16vec3 |
High qualifier 16 bit signed integer vector of 3 components type. More... | |
typedef vec< 4, i16, highp > | highp_i16vec4 |
High qualifier 16 bit signed integer vector of 4 components type. More... | |
typedef int32 | highp_i32 |
High qualifier 32 bit signed integer type. More... | |
typedef vec< 1, i32, highp > | highp_i32vec1 |
High qualifier 32 bit signed integer scalar type. More... | |
typedef vec< 2, i32, highp > | highp_i32vec2 |
High qualifier 32 bit signed integer vector of 2 components type. More... | |
typedef vec< 3, i32, highp > | highp_i32vec3 |
High qualifier 32 bit signed integer vector of 3 components type. More... | |
typedef vec< 4, i32, highp > | highp_i32vec4 |
High qualifier 32 bit signed integer vector of 4 components type. More... | |
typedef int64 | highp_i64 |
High qualifier 64 bit signed integer type. More... | |
typedef vec< 1, i64, highp > | highp_i64vec1 |
High qualifier 64 bit signed integer scalar type. More... | |
typedef vec< 2, i64, highp > | highp_i64vec2 |
High qualifier 64 bit signed integer vector of 2 components type. More... | |
typedef vec< 3, i64, highp > | highp_i64vec3 |
High qualifier 64 bit signed integer vector of 3 components type. More... | |
typedef vec< 4, i64, highp > | highp_i64vec4 |
High qualifier 64 bit signed integer vector of 4 components type. More... | |
typedef int8 | highp_i8 |
High qualifier 8 bit signed integer type. More... | |
typedef vec< 1, i8, highp > | highp_i8vec1 |
High qualifier 8 bit signed integer scalar type. More... | |
typedef vec< 2, i8, highp > | highp_i8vec2 |
High qualifier 8 bit signed integer vector of 2 components type. More... | |
typedef vec< 3, i8, highp > | highp_i8vec3 |
High qualifier 8 bit signed integer vector of 3 components type. More... | |
typedef vec< 4, i8, highp > | highp_i8vec4 |
High qualifier 8 bit signed integer vector of 4 components type. More... | |
typedef int16 | highp_int16 |
High qualifier 16 bit signed integer type. More... | |
typedef int16 | highp_int16_t |
High qualifier 16 bit signed integer type. More... | |
typedef int32 | highp_int32 |
High qualifier 32 bit signed integer type. More... | |
typedef int32 | highp_int32_t |
32 bit signed integer type. More... | |
typedef int64 | highp_int64 |
High qualifier 64 bit signed integer type. More... | |
typedef int64 | highp_int64_t |
High qualifier 64 bit signed integer type. More... | |
typedef int8 | highp_int8 |
High qualifier 8 bit signed integer type. More... | |
typedef int8 | highp_int8_t |
High qualifier 8 bit signed integer type. More... | |
typedef uint16 | highp_u16 |
High qualifier 16 bit unsigned integer type. More... | |
typedef vec< 1, u16, highp > | highp_u16vec1 |
High qualifier 16 bit unsigned integer scalar type. More... | |
typedef vec< 2, u16, highp > | highp_u16vec2 |
High qualifier 16 bit unsigned integer vector of 2 components type. More... | |
typedef vec< 3, u16, highp > | highp_u16vec3 |
High qualifier 16 bit unsigned integer vector of 3 components type. More... | |
typedef vec< 4, u16, highp > | highp_u16vec4 |
High qualifier 16 bit unsigned integer vector of 4 components type. More... | |
typedef uint32 | highp_u32 |
High qualifier 32 bit unsigned integer type. More... | |
typedef vec< 1, u32, highp > | highp_u32vec1 |
High qualifier 32 bit unsigned integer scalar type. More... | |
typedef vec< 2, u32, highp > | highp_u32vec2 |
High qualifier 32 bit unsigned integer vector of 2 components type. More... | |
typedef vec< 3, u32, highp > | highp_u32vec3 |
High qualifier 32 bit unsigned integer vector of 3 components type. More... | |
typedef vec< 4, u32, highp > | highp_u32vec4 |
High qualifier 32 bit unsigned integer vector of 4 components type. More... | |
typedef uint64 | highp_u64 |
High qualifier 64 bit unsigned integer type. More... | |
typedef vec< 1, u64, highp > | highp_u64vec1 |
High qualifier 64 bit unsigned integer scalar type. More... | |
typedef vec< 2, u64, highp > | highp_u64vec2 |
High qualifier 64 bit unsigned integer vector of 2 components type. More... | |
typedef vec< 3, u64, highp > | highp_u64vec3 |
High qualifier 64 bit unsigned integer vector of 3 components type. More... | |
typedef vec< 4, u64, highp > | highp_u64vec4 |
High qualifier 64 bit unsigned integer vector of 4 components type. More... | |
typedef uint8 | highp_u8 |
High qualifier 8 bit unsigned integer type. More... | |
typedef vec< 1, u8, highp > | highp_u8vec1 |
High qualifier 8 bit unsigned integer scalar type. More... | |
typedef vec< 2, u8, highp > | highp_u8vec2 |
High qualifier 8 bit unsigned integer vector of 2 components type. More... | |
typedef vec< 3, u8, highp > | highp_u8vec3 |
High qualifier 8 bit unsigned integer vector of 3 components type. More... | |
typedef vec< 4, u8, highp > | highp_u8vec4 |
High qualifier 8 bit unsigned integer vector of 4 components type. More... | |
typedef uint16 | highp_uint16 |
High qualifier 16 bit unsigned integer type. More... | |
typedef uint16 | highp_uint16_t |
High qualifier 16 bit unsigned integer type. More... | |
typedef uint32 | highp_uint32 |
High qualifier 32 bit unsigned integer type. More... | |
typedef uint32 | highp_uint32_t |
High qualifier 32 bit unsigned integer type. More... | |
typedef uint64 | highp_uint64 |
High qualifier 64 bit unsigned integer type. More... | |
typedef uint64 | highp_uint64_t |
High qualifier 64 bit unsigned integer type. More... | |
typedef uint8 | highp_uint8 |
High qualifier 8 bit unsigned integer type. More... | |
typedef uint8 | highp_uint8_t |
High qualifier 8 bit unsigned integer type. More... | |
typedef int16 | i16 |
16 bit signed integer type. More... | |
typedef vec< 1, i16, defaultp > | i16vec1 |
16 bit signed integer scalar type. More... | |
typedef vec< 2, i16, defaultp > | i16vec2 |
16 bit signed integer vector of 2 components type. More... | |
typedef vec< 3, i16, defaultp > | i16vec3 |
16 bit signed integer vector of 3 components type. More... | |
typedef vec< 4, i16, defaultp > | i16vec4 |
16 bit signed integer vector of 4 components type. More... | |
typedef int32 | i32 |
32 bit signed integer type. More... | |
typedef vec< 1, i32, defaultp > | i32vec1 |
32 bit signed integer scalar type. More... | |
typedef vec< 2, i32, defaultp > | i32vec2 |
32 bit signed integer vector of 2 components type. More... | |
typedef vec< 3, i32, defaultp > | i32vec3 |
32 bit signed integer vector of 3 components type. More... | |
typedef vec< 4, i32, defaultp > | i32vec4 |
32 bit signed integer vector of 4 components type. More... | |
typedef int64 | i64 |
64 bit signed integer type. More... | |
typedef vec< 1, i64, defaultp > | i64vec1 |
64 bit signed integer scalar type. More... | |
typedef vec< 2, i64, defaultp > | i64vec2 |
64 bit signed integer vector of 2 components type. More... | |
typedef vec< 3, i64, defaultp > | i64vec3 |
64 bit signed integer vector of 3 components type. More... | |
typedef vec< 4, i64, defaultp > | i64vec4 |
64 bit signed integer vector of 4 components type. More... | |
typedef int8 | i8 |
8 bit signed integer type. More... | |
typedef vec< 1, i8, defaultp > | i8vec1 |
8 bit signed integer scalar type. More... | |
typedef vec< 2, i8, defaultp > | i8vec2 |
8 bit signed integer vector of 2 components type. More... | |
typedef vec< 3, i8, defaultp > | i8vec3 |
8 bit signed integer vector of 3 components type. More... | |
typedef vec< 4, i8, defaultp > | i8vec4 |
8 bit signed integer vector of 4 components type. More... | |
typedef int16 | int16_t |
16 bit signed integer type. More... | |
typedef int32 | int32_t |
32 bit signed integer type. More... | |
typedef int64 | int64_t |
64 bit signed integer type. More... | |
typedef int8 | int8_t |
8 bit signed integer type. More... | |
typedef float | lowp_f32 |
Low 32 bit single-qualifier floating-point scalar. More... | |
typedef mat< 2, 2, f32, lowp > | lowp_f32mat2 |
Low single-qualifier floating-point 1x1 matrix. More... | |
typedef mat< 2, 2, f32, lowp > | lowp_f32mat2x2 |
Low single-qualifier floating-point 1x1 matrix. More... | |
typedef mat< 2, 3, f32, lowp > | lowp_f32mat2x3 |
Low single-qualifier floating-point 2x3 matrix. More... | |
typedef mat< 2, 4, f32, lowp > | lowp_f32mat2x4 |
Low single-qualifier floating-point 2x4 matrix. More... | |
typedef mat< 3, 3, f32, lowp > | lowp_f32mat3 |
Low single-qualifier floating-point 3x3 matrix. More... | |
typedef mat< 3, 2, f32, lowp > | lowp_f32mat3x2 |
Low single-qualifier floating-point 3x2 matrix. More... | |
typedef mat< 3, 3, f32, lowp > | lowp_f32mat3x3 |
Low single-qualifier floating-point 3x3 matrix. More... | |
typedef mat< 3, 4, f32, lowp > | lowp_f32mat3x4 |
Low single-qualifier floating-point 3x4 matrix. More... | |
typedef mat< 4, 4, f32, lowp > | lowp_f32mat4 |
Low single-qualifier floating-point 4x4 matrix. More... | |
typedef mat< 4, 2, f32, lowp > | lowp_f32mat4x2 |
Low single-qualifier floating-point 4x2 matrix. More... | |
typedef mat< 4, 3, f32, lowp > | lowp_f32mat4x3 |
Low single-qualifier floating-point 4x3 matrix. More... | |
typedef mat< 4, 4, f32, lowp > | lowp_f32mat4x4 |
Low single-qualifier floating-point 4x4 matrix. More... | |
typedef qua< f32, lowp > | lowp_f32quat |
Low single-qualifier floating-point quaternion. More... | |
typedef vec< 1, f32, lowp > | lowp_f32vec1 |
Low single-qualifier floating-point vector of 1 component. More... | |
typedef vec< 2, f32, lowp > | lowp_f32vec2 |
Low single-qualifier floating-point vector of 2 components. More... | |
typedef vec< 3, f32, lowp > | lowp_f32vec3 |
Low single-qualifier floating-point vector of 3 components. More... | |
typedef vec< 4, f32, lowp > | lowp_f32vec4 |
Low single-qualifier floating-point vector of 4 components. More... | |
typedef double | lowp_f64 |
Low 64 bit double-qualifier floating-point scalar. More... | |
typedef mat< 2, 2, f64, lowp > | lowp_f64mat2 |
Low double-qualifier floating-point 1x1 matrix. More... | |
typedef mat< 2, 2, f64, lowp > | lowp_f64mat2x2 |
Low double-qualifier floating-point 1x1 matrix. More... | |
typedef mat< 2, 3, f64, lowp > | lowp_f64mat2x3 |
Low double-qualifier floating-point 2x3 matrix. More... | |
typedef mat< 2, 4, f64, lowp > | lowp_f64mat2x4 |
Low double-qualifier floating-point 2x4 matrix. More... | |
typedef mat< 3, 3, f64, lowp > | lowp_f64mat3 |
Low double-qualifier floating-point 3x3 matrix. More... | |
typedef mat< 3, 2, f64, lowp > | lowp_f64mat3x2 |
Low double-qualifier floating-point 3x2 matrix. More... | |
typedef mat< 3, 3, f64, lowp > | lowp_f64mat3x3 |
Low double-qualifier floating-point 3x3 matrix. More... | |
typedef mat< 3, 4, f64, lowp > | lowp_f64mat3x4 |
Low double-qualifier floating-point 3x4 matrix. More... | |
typedef mat< 4, 4, f64, lowp > | lowp_f64mat4 |
Low double-qualifier floating-point 4x4 matrix. More... | |
typedef mat< 4, 2, f64, lowp > | lowp_f64mat4x2 |
Low double-qualifier floating-point 4x2 matrix. More... | |
typedef mat< 4, 3, f64, lowp > | lowp_f64mat4x3 |
Low double-qualifier floating-point 4x3 matrix. More... | |
typedef mat< 4, 4, f64, lowp > | lowp_f64mat4x4 |
Low double-qualifier floating-point 4x4 matrix. More... | |
typedef qua< f64, lowp > | lowp_f64quat |
Low double-qualifier floating-point quaternion. More... | |
typedef vec< 1, f64, lowp > | lowp_f64vec1 |
Low double-qualifier floating-point vector of 1 component. More... | |
typedef vec< 2, f64, lowp > | lowp_f64vec2 |
Low double-qualifier floating-point vector of 2 components. More... | |
typedef vec< 3, f64, lowp > | lowp_f64vec3 |
Low double-qualifier floating-point vector of 3 components. More... | |
typedef vec< 4, f64, lowp > | lowp_f64vec4 |
Low double-qualifier floating-point vector of 4 components. More... | |
typedef float | lowp_float32 |
Low 32 bit single-qualifier floating-point scalar. More... | |
typedef float | lowp_float32_t |
Low 32 bit single-qualifier floating-point scalar. More... | |
typedef double | lowp_float64 |
Low 64 bit double-qualifier floating-point scalar. More... | |
typedef double | lowp_float64_t |
Low 64 bit double-qualifier floating-point scalar. More... | |
typedef mat< 2, 2, f32, lowp > | lowp_fmat2 |
Low single-qualifier floating-point 1x1 matrix. More... | |
typedef mat< 2, 2, f32, lowp > | lowp_fmat2x2 |
Low single-qualifier floating-point 1x1 matrix. More... | |
typedef mat< 2, 3, f32, lowp > | lowp_fmat2x3 |
Low single-qualifier floating-point 2x3 matrix. More... | |
typedef mat< 2, 4, f32, lowp > | lowp_fmat2x4 |
Low single-qualifier floating-point 2x4 matrix. More... | |
typedef mat< 3, 3, f32, lowp > | lowp_fmat3 |
Low single-qualifier floating-point 3x3 matrix. More... | |
typedef mat< 3, 2, f32, lowp > | lowp_fmat3x2 |
Low single-qualifier floating-point 3x2 matrix. More... | |
typedef mat< 3, 3, f32, lowp > | lowp_fmat3x3 |
Low single-qualifier floating-point 3x3 matrix. More... | |
typedef mat< 3, 4, f32, lowp > | lowp_fmat3x4 |
Low single-qualifier floating-point 3x4 matrix. More... | |
typedef mat< 4, 4, f32, lowp > | lowp_fmat4 |
Low single-qualifier floating-point 4x4 matrix. More... | |
typedef mat< 4, 2, f32, lowp > | lowp_fmat4x2 |
Low single-qualifier floating-point 4x2 matrix. More... | |
typedef mat< 4, 3, f32, lowp > | lowp_fmat4x3 |
Low single-qualifier floating-point 4x3 matrix. More... | |
typedef mat< 4, 4, f32, lowp > | lowp_fmat4x4 |
Low single-qualifier floating-point 4x4 matrix. More... | |
typedef vec< 1, float, lowp > | lowp_fvec1 |
Low single-qualifier floating-point vector of 1 component. More... | |
typedef vec< 2, float, lowp > | lowp_fvec2 |
Low single-qualifier floating-point vector of 2 components. More... | |
typedef vec< 3, float, lowp > | lowp_fvec3 |
Low single-qualifier floating-point vector of 3 components. More... | |
typedef vec< 4, float, lowp > | lowp_fvec4 |
Low single-qualifier floating-point vector of 4 components. More... | |
typedef int16 | lowp_i16 |
Low qualifier 16 bit signed integer type. More... | |
typedef vec< 1, i16, lowp > | lowp_i16vec1 |
Low qualifier 16 bit signed integer scalar type. More... | |
typedef vec< 2, i16, lowp > | lowp_i16vec2 |
Low qualifier 16 bit signed integer vector of 2 components type. More... | |
typedef vec< 3, i16, lowp > | lowp_i16vec3 |
Low qualifier 16 bit signed integer vector of 3 components type. More... | |
typedef vec< 4, i16, lowp > | lowp_i16vec4 |
Low qualifier 16 bit signed integer vector of 4 components type. More... | |
typedef int32 | lowp_i32 |
Low qualifier 32 bit signed integer type. More... | |
typedef vec< 1, i32, lowp > | lowp_i32vec1 |
Low qualifier 32 bit signed integer scalar type. More... | |
typedef vec< 2, i32, lowp > | lowp_i32vec2 |
Low qualifier 32 bit signed integer vector of 2 components type. More... | |
typedef vec< 3, i32, lowp > | lowp_i32vec3 |
Low qualifier 32 bit signed integer vector of 3 components type. More... | |
typedef vec< 4, i32, lowp > | lowp_i32vec4 |
Low qualifier 32 bit signed integer vector of 4 components type. More... | |
typedef int64 | lowp_i64 |
Low qualifier 64 bit signed integer type. More... | |
typedef vec< 1, i64, lowp > | lowp_i64vec1 |
Low qualifier 64 bit signed integer scalar type. More... | |
typedef vec< 2, i64, lowp > | lowp_i64vec2 |
Low qualifier 64 bit signed integer vector of 2 components type. More... | |
typedef vec< 3, i64, lowp > | lowp_i64vec3 |
Low qualifier 64 bit signed integer vector of 3 components type. More... | |
typedef vec< 4, i64, lowp > | lowp_i64vec4 |
Low qualifier 64 bit signed integer vector of 4 components type. More... | |
typedef int8 | lowp_i8 |
Low qualifier 8 bit signed integer type. More... | |
typedef vec< 1, i8, lowp > | lowp_i8vec1 |
Low qualifier 8 bit signed integer scalar type. More... | |
typedef vec< 2, i8, lowp > | lowp_i8vec2 |
Low qualifier 8 bit signed integer vector of 2 components type. More... | |
typedef vec< 3, i8, lowp > | lowp_i8vec3 |
Low qualifier 8 bit signed integer vector of 3 components type. More... | |
typedef vec< 4, i8, lowp > | lowp_i8vec4 |
Low qualifier 8 bit signed integer vector of 4 components type. More... | |
typedef int16 | lowp_int16 |
Low qualifier 16 bit signed integer type. More... | |
typedef int16 | lowp_int16_t |
Low qualifier 16 bit signed integer type. More... | |
typedef int32 | lowp_int32 |
Low qualifier 32 bit signed integer type. More... | |
typedef int32 | lowp_int32_t |
Low qualifier 32 bit signed integer type. More... | |
typedef int64 | lowp_int64 |
Low qualifier 64 bit signed integer type. More... | |
typedef int64 | lowp_int64_t |
Low qualifier 64 bit signed integer type. More... | |
typedef int8 | lowp_int8 |
Low qualifier 8 bit signed integer type. More... | |
typedef int8 | lowp_int8_t |
Low qualifier 8 bit signed integer type. More... | |
typedef uint16 | lowp_u16 |
Low qualifier 16 bit unsigned integer type. More... | |
typedef vec< 1, u16, lowp > | lowp_u16vec1 |
Low qualifier 16 bit unsigned integer scalar type. More... | |
typedef vec< 2, u16, lowp > | lowp_u16vec2 |
Low qualifier 16 bit unsigned integer vector of 2 components type. More... | |
typedef vec< 3, u16, lowp > | lowp_u16vec3 |
Low qualifier 16 bit unsigned integer vector of 3 components type. More... | |
typedef vec< 4, u16, lowp > | lowp_u16vec4 |
Low qualifier 16 bit unsigned integer vector of 4 components type. More... | |
typedef uint32 | lowp_u32 |
Low qualifier 32 bit unsigned integer type. More... | |
typedef vec< 1, u32, lowp > | lowp_u32vec1 |
Low qualifier 32 bit unsigned integer scalar type. More... | |
typedef vec< 2, u32, lowp > | lowp_u32vec2 |
Low qualifier 32 bit unsigned integer vector of 2 components type. More... | |
typedef vec< 3, u32, lowp > | lowp_u32vec3 |
Low qualifier 32 bit unsigned integer vector of 3 components type. More... | |
typedef vec< 4, u32, lowp > | lowp_u32vec4 |
Low qualifier 32 bit unsigned integer vector of 4 components type. More... | |
typedef uint64 | lowp_u64 |
Low qualifier 64 bit unsigned integer type. More... | |
typedef vec< 1, u64, lowp > | lowp_u64vec1 |
Low qualifier 64 bit unsigned integer scalar type. More... | |
typedef vec< 2, u64, lowp > | lowp_u64vec2 |
Low qualifier 64 bit unsigned integer vector of 2 components type. More... | |
typedef vec< 3, u64, lowp > | lowp_u64vec3 |
Low qualifier 64 bit unsigned integer vector of 3 components type. More... | |
typedef vec< 4, u64, lowp > | lowp_u64vec4 |
Low qualifier 64 bit unsigned integer vector of 4 components type. More... | |
typedef uint8 | lowp_u8 |
Low qualifier 8 bit unsigned integer type. More... | |
typedef vec< 1, u8, lowp > | lowp_u8vec1 |
Low qualifier 8 bit unsigned integer scalar type. More... | |
typedef vec< 2, u8, lowp > | lowp_u8vec2 |
Low qualifier 8 bit unsigned integer vector of 2 components type. More... | |
typedef vec< 3, u8, lowp > | lowp_u8vec3 |
Low qualifier 8 bit unsigned integer vector of 3 components type. More... | |
typedef vec< 4, u8, lowp > | lowp_u8vec4 |
Low qualifier 8 bit unsigned integer vector of 4 components type. More... | |
typedef uint16 | lowp_uint16 |
Low qualifier 16 bit unsigned integer type. More... | |
typedef uint16 | lowp_uint16_t |
Low qualifier 16 bit unsigned integer type. More... | |
typedef uint32 | lowp_uint32 |
Low qualifier 32 bit unsigned integer type. More... | |
typedef uint32 | lowp_uint32_t |
Low qualifier 32 bit unsigned integer type. More... | |
typedef uint64 | lowp_uint64 |
Low qualifier 64 bit unsigned integer type. More... | |
typedef uint64 | lowp_uint64_t |
Low qualifier 64 bit unsigned integer type. More... | |
typedef uint8 | lowp_uint8 |
Low qualifier 8 bit unsigned integer type. More... | |
typedef uint8 | lowp_uint8_t |
Low qualifier 8 bit unsigned integer type. More... | |
typedef float | mediump_f32 |
Medium 32 bit single-qualifier floating-point scalar. More... | |
typedef mat< 2, 2, f32, mediump > | mediump_f32mat2 |
Medium single-qualifier floating-point 1x1 matrix. More... | |
typedef mat< 2, 2, f32, mediump > | mediump_f32mat2x2 |
High single-qualifier floating-point 1x1 matrix. More... | |
typedef mat< 2, 3, f32, mediump > | mediump_f32mat2x3 |
Medium single-qualifier floating-point 2x3 matrix. More... | |
typedef mat< 2, 4, f32, mediump > | mediump_f32mat2x4 |
Medium single-qualifier floating-point 2x4 matrix. More... | |
typedef mat< 3, 3, f32, mediump > | mediump_f32mat3 |
Medium single-qualifier floating-point 3x3 matrix. More... | |
typedef mat< 3, 2, f32, mediump > | mediump_f32mat3x2 |
Medium single-qualifier floating-point 3x2 matrix. More... | |
typedef mat< 3, 3, f32, mediump > | mediump_f32mat3x3 |
Medium single-qualifier floating-point 3x3 matrix. More... | |
typedef mat< 3, 4, f32, mediump > | mediump_f32mat3x4 |
Medium single-qualifier floating-point 3x4 matrix. More... | |
typedef mat< 4, 4, f32, mediump > | mediump_f32mat4 |
Medium single-qualifier floating-point 4x4 matrix. More... | |
typedef mat< 4, 2, f32, mediump > | mediump_f32mat4x2 |
Medium single-qualifier floating-point 4x2 matrix. More... | |
typedef mat< 4, 3, f32, mediump > | mediump_f32mat4x3 |
Medium single-qualifier floating-point 4x3 matrix. More... | |
typedef mat< 4, 4, f32, mediump > | mediump_f32mat4x4 |
Medium single-qualifier floating-point 4x4 matrix. More... | |
typedef qua< f32, mediump > | mediump_f32quat |
Medium single-qualifier floating-point quaternion. More... | |
typedef vec< 1, f32, mediump > | mediump_f32vec1 |
Medium single-qualifier floating-point vector of 1 component. More... | |
typedef vec< 2, f32, mediump > | mediump_f32vec2 |
Medium single-qualifier floating-point vector of 2 components. More... | |
typedef vec< 3, f32, mediump > | mediump_f32vec3 |
Medium single-qualifier floating-point vector of 3 components. More... | |
typedef vec< 4, f32, mediump > | mediump_f32vec4 |
Medium single-qualifier floating-point vector of 4 components. More... | |
typedef double | mediump_f64 |
Medium 64 bit double-qualifier floating-point scalar. More... | |
typedef mat< 2, 2, f64, mediump > | mediump_f64mat2 |
Medium double-qualifier floating-point 1x1 matrix. More... | |
typedef mat< 2, 2, f64, mediump > | mediump_f64mat2x2 |
Medium double-qualifier floating-point 1x1 matrix. More... | |
typedef mat< 2, 3, f64, mediump > | mediump_f64mat2x3 |
Medium double-qualifier floating-point 2x3 matrix. More... | |
typedef mat< 2, 4, f64, mediump > | mediump_f64mat2x4 |
Medium double-qualifier floating-point 2x4 matrix. More... | |
typedef mat< 3, 3, f64, mediump > | mediump_f64mat3 |
Medium double-qualifier floating-point 3x3 matrix. More... | |
typedef mat< 3, 2, f64, mediump > | mediump_f64mat3x2 |
Medium double-qualifier floating-point 3x2 matrix. More... | |
typedef mat< 3, 3, f64, mediump > | mediump_f64mat3x3 |
Medium double-qualifier floating-point 3x3 matrix. More... | |
typedef mat< 3, 4, f64, mediump > | mediump_f64mat3x4 |
Medium double-qualifier floating-point 3x4 matrix. More... | |
typedef mat< 4, 4, f64, mediump > | mediump_f64mat4 |
Medium double-qualifier floating-point 4x4 matrix. More... | |
typedef mat< 4, 2, f64, mediump > | mediump_f64mat4x2 |
Medium double-qualifier floating-point 4x2 matrix. More... | |
typedef mat< 4, 3, f64, mediump > | mediump_f64mat4x3 |
Medium double-qualifier floating-point 4x3 matrix. More... | |
typedef mat< 4, 4, f64, mediump > | mediump_f64mat4x4 |
Medium double-qualifier floating-point 4x4 matrix. More... | |
typedef qua< f64, mediump > | mediump_f64quat |
Medium double-qualifier floating-point quaternion. More... | |
typedef vec< 1, f64, mediump > | mediump_f64vec1 |
Medium double-qualifier floating-point vector of 1 component. More... | |
typedef vec< 2, f64, mediump > | mediump_f64vec2 |
Medium double-qualifier floating-point vector of 2 components. More... | |
typedef vec< 3, f64, mediump > | mediump_f64vec3 |
Medium double-qualifier floating-point vector of 3 components. More... | |
typedef vec< 4, f64, mediump > | mediump_f64vec4 |
Medium double-qualifier floating-point vector of 4 components. More... | |
typedef float | mediump_float32 |
Medium 32 bit single-qualifier floating-point scalar. More... | |
typedef float | mediump_float32_t |
Medium 32 bit single-qualifier floating-point scalar. More... | |
typedef double | mediump_float64 |
Medium 64 bit double-qualifier floating-point scalar. More... | |
typedef double | mediump_float64_t |
Medium 64 bit double-qualifier floating-point scalar. More... | |
typedef mat< 2, 2, f32, mediump > | mediump_fmat2 |
Medium single-qualifier floating-point 1x1 matrix. More... | |
typedef mat< 2, 2, f32, mediump > | mediump_fmat2x2 |
Medium single-qualifier floating-point 1x1 matrix. More... | |
typedef mat< 2, 3, f32, mediump > | mediump_fmat2x3 |
Medium single-qualifier floating-point 2x3 matrix. More... | |
typedef mat< 2, 4, f32, mediump > | mediump_fmat2x4 |
Medium single-qualifier floating-point 2x4 matrix. More... | |
typedef mat< 3, 3, f32, mediump > | mediump_fmat3 |
Medium single-qualifier floating-point 3x3 matrix. More... | |
typedef mat< 3, 2, f32, mediump > | mediump_fmat3x2 |
Medium single-qualifier floating-point 3x2 matrix. More... | |
typedef mat< 3, 3, f32, mediump > | mediump_fmat3x3 |
Medium single-qualifier floating-point 3x3 matrix. More... | |
typedef mat< 3, 4, f32, mediump > | mediump_fmat3x4 |
Medium single-qualifier floating-point 3x4 matrix. More... | |
typedef mat< 4, 4, f32, mediump > | mediump_fmat4 |
Medium single-qualifier floating-point 4x4 matrix. More... | |
typedef mat< 4, 2, f32, mediump > | mediump_fmat4x2 |
Medium single-qualifier floating-point 4x2 matrix. More... | |
typedef mat< 4, 3, f32, mediump > | mediump_fmat4x3 |
Medium single-qualifier floating-point 4x3 matrix. More... | |
typedef mat< 4, 4, f32, mediump > | mediump_fmat4x4 |
Medium single-qualifier floating-point 4x4 matrix. More... | |
typedef vec< 1, float, mediump > | mediump_fvec1 |
Medium single-qualifier floating-point vector of 1 component. More... | |
typedef vec< 2, float, mediump > | mediump_fvec2 |
Medium Single-qualifier floating-point vector of 2 components. More... | |
typedef vec< 3, float, mediump > | mediump_fvec3 |
Medium Single-qualifier floating-point vector of 3 components. More... | |
typedef vec< 4, float, mediump > | mediump_fvec4 |
Medium Single-qualifier floating-point vector of 4 components. More... | |
typedef int16 | mediump_i16 |
Medium qualifier 16 bit signed integer type. More... | |
typedef vec< 1, i16, mediump > | mediump_i16vec1 |
Medium qualifier 16 bit signed integer scalar type. More... | |
typedef vec< 2, i16, mediump > | mediump_i16vec2 |
Medium qualifier 16 bit signed integer vector of 2 components type. More... | |
typedef vec< 3, i16, mediump > | mediump_i16vec3 |
Medium qualifier 16 bit signed integer vector of 3 components type. More... | |
typedef vec< 4, i16, mediump > | mediump_i16vec4 |
Medium qualifier 16 bit signed integer vector of 4 components type. More... | |
typedef int32 | mediump_i32 |
Medium qualifier 32 bit signed integer type. More... | |
typedef vec< 1, i32, mediump > | mediump_i32vec1 |
Medium qualifier 32 bit signed integer scalar type. More... | |
typedef vec< 2, i32, mediump > | mediump_i32vec2 |
Medium qualifier 32 bit signed integer vector of 2 components type. More... | |
typedef vec< 3, i32, mediump > | mediump_i32vec3 |
Medium qualifier 32 bit signed integer vector of 3 components type. More... | |
typedef vec< 4, i32, mediump > | mediump_i32vec4 |
Medium qualifier 32 bit signed integer vector of 4 components type. More... | |
typedef int64 | mediump_i64 |
Medium qualifier 64 bit signed integer type. More... | |
typedef vec< 1, i64, mediump > | mediump_i64vec1 |
Medium qualifier 64 bit signed integer scalar type. More... | |
typedef vec< 2, i64, mediump > | mediump_i64vec2 |
Medium qualifier 64 bit signed integer vector of 2 components type. More... | |
typedef vec< 3, i64, mediump > | mediump_i64vec3 |
Medium qualifier 64 bit signed integer vector of 3 components type. More... | |
typedef vec< 4, i64, mediump > | mediump_i64vec4 |
Medium qualifier 64 bit signed integer vector of 4 components type. More... | |
typedef int8 | mediump_i8 |
Medium qualifier 8 bit signed integer type. More... | |
typedef vec< 1, i8, mediump > | mediump_i8vec1 |
Medium qualifier 8 bit signed integer scalar type. More... | |
typedef vec< 2, i8, mediump > | mediump_i8vec2 |
Medium qualifier 8 bit signed integer vector of 2 components type. More... | |
typedef vec< 3, i8, mediump > | mediump_i8vec3 |
Medium qualifier 8 bit signed integer vector of 3 components type. More... | |
typedef vec< 4, i8, mediump > | mediump_i8vec4 |
Medium qualifier 8 bit signed integer vector of 4 components type. More... | |
typedef int16 | mediump_int16 |
Medium qualifier 16 bit signed integer type. More... | |
typedef int16 | mediump_int16_t |
Medium qualifier 16 bit signed integer type. More... | |
typedef int32 | mediump_int32 |
Medium qualifier 32 bit signed integer type. More... | |
typedef int32 | mediump_int32_t |
Medium qualifier 32 bit signed integer type. More... | |
typedef int64 | mediump_int64 |
Medium qualifier 64 bit signed integer type. More... | |
typedef int64 | mediump_int64_t |
Medium qualifier 64 bit signed integer type. More... | |
typedef int8 | mediump_int8 |
Medium qualifier 8 bit signed integer type. More... | |
typedef int8 | mediump_int8_t |
Medium qualifier 8 bit signed integer type. More... | |
typedef uint16 | mediump_u16 |
Medium qualifier 16 bit unsigned integer type. More... | |
typedef vec< 1, u16, mediump > | mediump_u16vec1 |
Medium qualifier 16 bit unsigned integer scalar type. More... | |
typedef vec< 2, u16, mediump > | mediump_u16vec2 |
Medium qualifier 16 bit unsigned integer vector of 2 components type. More... | |
typedef vec< 3, u16, mediump > | mediump_u16vec3 |
Medium qualifier 16 bit unsigned integer vector of 3 components type. More... | |
typedef vec< 4, u16, mediump > | mediump_u16vec4 |
Medium qualifier 16 bit unsigned integer vector of 4 components type. More... | |
typedef uint32 | mediump_u32 |
Medium qualifier 32 bit unsigned integer type. More... | |
typedef vec< 1, u32, mediump > | mediump_u32vec1 |
Medium qualifier 32 bit unsigned integer scalar type. More... | |
typedef vec< 2, u32, mediump > | mediump_u32vec2 |
Medium qualifier 32 bit unsigned integer vector of 2 components type. More... | |
typedef vec< 3, u32, mediump > | mediump_u32vec3 |
Medium qualifier 32 bit unsigned integer vector of 3 components type. More... | |
typedef vec< 4, u32, mediump > | mediump_u32vec4 |
Medium qualifier 32 bit unsigned integer vector of 4 components type. More... | |
typedef uint64 | mediump_u64 |
Medium qualifier 64 bit unsigned integer type. More... | |
typedef vec< 1, u64, mediump > | mediump_u64vec1 |
Medium qualifier 64 bit unsigned integer scalar type. More... | |
typedef vec< 2, u64, mediump > | mediump_u64vec2 |
Medium qualifier 64 bit unsigned integer vector of 2 components type. More... | |
typedef vec< 3, u64, mediump > | mediump_u64vec3 |
Medium qualifier 64 bit unsigned integer vector of 3 components type. More... | |
typedef vec< 4, u64, mediump > | mediump_u64vec4 |
Medium qualifier 64 bit unsigned integer vector of 4 components type. More... | |
typedef uint8 | mediump_u8 |
Medium qualifier 8 bit unsigned integer type. More... | |
typedef vec< 1, u8, mediump > | mediump_u8vec1 |
Medium qualifier 8 bit unsigned integer scalar type. More... | |
typedef vec< 2, u8, mediump > | mediump_u8vec2 |
Medium qualifier 8 bit unsigned integer vector of 2 components type. More... | |
typedef vec< 3, u8, mediump > | mediump_u8vec3 |
Medium qualifier 8 bit unsigned integer vector of 3 components type. More... | |
typedef vec< 4, u8, mediump > | mediump_u8vec4 |
Medium qualifier 8 bit unsigned integer vector of 4 components type. More... | |
typedef uint16 | mediump_uint16 |
Medium qualifier 16 bit unsigned integer type. More... | |
typedef uint16 | mediump_uint16_t |
Medium qualifier 16 bit unsigned integer type. More... | |
typedef uint32 | mediump_uint32 |
Medium qualifier 32 bit unsigned integer type. More... | |
typedef uint32 | mediump_uint32_t |
Medium qualifier 32 bit unsigned integer type. More... | |
typedef uint64 | mediump_uint64 |
Medium qualifier 64 bit unsigned integer type. More... | |
typedef uint64 | mediump_uint64_t |
Medium qualifier 64 bit unsigned integer type. More... | |
typedef uint8 | mediump_uint8 |
Medium qualifier 8 bit unsigned integer type. More... | |
typedef uint8 | mediump_uint8_t |
Medium qualifier 8 bit unsigned integer type. More... | |
typedef uint16 | u16 |
Default qualifier 16 bit unsigned integer type. More... | |
typedef vec< 1, u16, defaultp > | u16vec1 |
Default qualifier 16 bit unsigned integer scalar type. More... | |
typedef vec< 2, u16, defaultp > | u16vec2 |
Default qualifier 16 bit unsigned integer vector of 2 components type. More... | |
typedef vec< 3, u16, defaultp > | u16vec3 |
Default qualifier 16 bit unsigned integer vector of 3 components type. More... | |
typedef vec< 4, u16, defaultp > | u16vec4 |
Default qualifier 16 bit unsigned integer vector of 4 components type. More... | |
typedef uint32 | u32 |
Default qualifier 32 bit unsigned integer type. More... | |
typedef vec< 1, u32, defaultp > | u32vec1 |
Default qualifier 32 bit unsigned integer scalar type. More... | |
typedef vec< 2, u32, defaultp > | u32vec2 |
Default qualifier 32 bit unsigned integer vector of 2 components type. More... | |
typedef vec< 3, u32, defaultp > | u32vec3 |
Default qualifier 32 bit unsigned integer vector of 3 components type. More... | |
typedef vec< 4, u32, defaultp > | u32vec4 |
Default qualifier 32 bit unsigned integer vector of 4 components type. More... | |
typedef uint64 | u64 |
Default qualifier 64 bit unsigned integer type. More... | |
typedef vec< 1, u64, defaultp > | u64vec1 |
Default qualifier 64 bit unsigned integer scalar type. More... | |
typedef vec< 2, u64, defaultp > | u64vec2 |
Default qualifier 64 bit unsigned integer vector of 2 components type. More... | |
typedef vec< 3, u64, defaultp > | u64vec3 |
Default qualifier 64 bit unsigned integer vector of 3 components type. More... | |
typedef vec< 4, u64, defaultp > | u64vec4 |
Default qualifier 64 bit unsigned integer vector of 4 components type. More... | |
typedef uint8 | u8 |
Default qualifier 8 bit unsigned integer type. More... | |
typedef vec< 1, u8, defaultp > | u8vec1 |
Default qualifier 8 bit unsigned integer scalar type. More... | |
typedef vec< 2, u8, defaultp > | u8vec2 |
Default qualifier 8 bit unsigned integer vector of 2 components type. More... | |
typedef vec< 3, u8, defaultp > | u8vec3 |
Default qualifier 8 bit unsigned integer vector of 3 components type. More... | |
typedef vec< 4, u8, defaultp > | u8vec4 |
Default qualifier 8 bit unsigned integer vector of 4 components type. More... | |
typedef uint16 | uint16_t |
Default qualifier 16 bit unsigned integer type. More... | |
typedef uint32 | uint32_t |
Default qualifier 32 bit unsigned integer type. More... | |
typedef uint64 | uint64_t |
Default qualifier 64 bit unsigned integer type. More... | |
typedef uint8 | uint8_t |
Default qualifier 8 bit unsigned integer type. More... | |
Include <glm/gtc/type_precision.hpp> to use the features of this extension.
-Defines specific C++-based qualifier types.
-typedef float32 f32 | -
Default 32 bit single-qualifier floating-point scalar.
-32 bit single-qualifier floating-point scalar.
-typedef mat< 2, 2, f32, defaultp > f32mat2 | -
Single-qualifier floating-point 1x1 matrix.
-typedef mat< 2, 2, f32, defaultp > f32mat2x2 | -
Single-qualifier floating-point 1x1 matrix.
-typedef mat< 2, 3, f32, defaultp > f32mat2x3 | -
Single-qualifier floating-point 2x3 matrix.
-typedef mat< 2, 4, f32, defaultp > f32mat2x4 | -
Single-qualifier floating-point 2x4 matrix.
-typedef mat< 3, 3, f32, defaultp > f32mat3 | -
Single-qualifier floating-point 3x3 matrix.
-typedef mat< 3, 2, f32, defaultp > f32mat3x2 | -
Single-qualifier floating-point 3x2 matrix.
-typedef mat< 3, 3, f32, defaultp > f32mat3x3 | -
Single-qualifier floating-point 3x3 matrix.
-typedef mat< 3, 4, f32, defaultp > f32mat3x4 | -
Single-qualifier floating-point 3x4 matrix.
-typedef mat< 4, 4, f32, defaultp > f32mat4 | -
Single-qualifier floating-point 4x4 matrix.
-typedef mat< 4, 2, f32, defaultp > f32mat4x2 | -
Single-qualifier floating-point 4x2 matrix.
-typedef mat< 4, 3, f32, defaultp > f32mat4x3 | -
Single-qualifier floating-point 4x3 matrix.
-typedef mat< 4, 4, f32, defaultp > f32mat4x4 | -
Single-qualifier floating-point 4x4 matrix.
-typedef qua< f32, defaultp > f32quat | -
Single-qualifier floating-point quaternion.
-typedef vec< 1, f32, defaultp > f32vec1 | -
Single-qualifier floating-point vector of 1 component.
-typedef vec< 2, f32, defaultp > f32vec2 | -
Single-qualifier floating-point vector of 2 components.
-typedef vec< 3, f32, defaultp > f32vec3 | -
Single-qualifier floating-point vector of 3 components.
-typedef vec< 4, f32, defaultp > f32vec4 | -
Single-qualifier floating-point vector of 4 components.
-typedef float64 f64 | -
Default 64 bit double-qualifier floating-point scalar.
-64 bit double-qualifier floating-point scalar.
-typedef mat< 2, 2, f64, defaultp > f64mat2 | -
Double-qualifier floating-point 1x1 matrix.
-typedef mat< 2, 2, f64, defaultp > f64mat2x2 | -
Double-qualifier floating-point 1x1 matrix.
-typedef mat< 2, 3, f64, defaultp > f64mat2x3 | -
Double-qualifier floating-point 2x3 matrix.
-typedef mat< 2, 4, f64, defaultp > f64mat2x4 | -
Double-qualifier floating-point 2x4 matrix.
-typedef mat< 3, 3, f64, defaultp > f64mat3 | -
Double-qualifier floating-point 3x3 matrix.
-typedef mat< 3, 2, f64, defaultp > f64mat3x2 | -
Double-qualifier floating-point 3x2 matrix.
-typedef mat< 3, 3, f64, defaultp > f64mat3x3 | -
Double-qualifier floating-point 3x3 matrix.
-typedef mat< 3, 4, f64, defaultp > f64mat3x4 | -
Double-qualifier floating-point 3x4 matrix.
-typedef mat< 4, 4, f64, defaultp > f64mat4 | -
Double-qualifier floating-point 4x4 matrix.
-typedef mat< 4, 2, f64, defaultp > f64mat4x2 | -
Double-qualifier floating-point 4x2 matrix.
-typedef mat< 4, 3, f64, defaultp > f64mat4x3 | -
Double-qualifier floating-point 4x3 matrix.
-typedef mat< 4, 4, f64, defaultp > f64mat4x4 | -
Double-qualifier floating-point 4x4 matrix.
-typedef qua< f64, defaultp > f64quat | -
Double-qualifier floating-point quaternion.
-typedef vec< 1, f64, defaultp > f64vec1 | -
Double-qualifier floating-point vector of 1 component.
-typedef vec< 2, f64, defaultp > f64vec2 | -
Double-qualifier floating-point vector of 2 components.
-typedef vec< 3, f64, defaultp > f64vec3 | -
Double-qualifier floating-point vector of 3 components.
-typedef vec< 4, f64, defaultp > f64vec4 | -
Double-qualifier floating-point vector of 4 components.
-typedef float float32 | -
Single-qualifier floating-point scalar.
-typedef float32 float32_t | -
Default 32 bit single-qualifier floating-point scalar.
-32 bit single-qualifier floating-point scalar.
-typedef double float64 | -
Double-qualifier floating-point scalar.
-typedef float64 float64_t | -
Default 64 bit double-qualifier floating-point scalar.
-64 bit double-qualifier floating-point scalar.
-typedef mat< 2, 2, f32, defaultp > fmat2 | -
Single-qualifier floating-point 1x1 matrix.
-typedef mat< 2, 2, f32, defaultp > fmat2x2 | -
Single-qualifier floating-point 1x1 matrix.
-typedef mat< 2, 3, f32, defaultp > fmat2x3 | -
Single-qualifier floating-point 2x3 matrix.
-typedef mat< 2, 4, f32, defaultp > fmat2x4 | -
Single-qualifier floating-point 2x4 matrix.
-typedef mat< 3, 3, f32, defaultp > fmat3 | -
Single-qualifier floating-point 3x3 matrix.
-typedef mat< 3, 2, f32, defaultp > fmat3x2 | -
Single-qualifier floating-point 3x2 matrix.
-typedef mat< 3, 3, f32, defaultp > fmat3x3 | -
Single-qualifier floating-point 3x3 matrix.
-typedef mat< 3, 4, f32, defaultp > fmat3x4 | -
Single-qualifier floating-point 3x4 matrix.
-typedef mat< 4, 4, f32, defaultp > fmat4 | -
Single-qualifier floating-point 4x4 matrix.
-typedef mat< 4, 2, f32, defaultp > fmat4x2 | -
Single-qualifier floating-point 4x2 matrix.
-typedef mat< 4, 3, f32, defaultp > fmat4x3 | -
Single-qualifier floating-point 4x3 matrix.
-typedef mat< 4, 4, f32, defaultp > fmat4x4 | -
Single-qualifier floating-point 4x4 matrix.
-typedef vec< 1, float, defaultp > fvec1 | -
Single-qualifier floating-point vector of 1 component.
-typedef vec< 2, float, defaultp > fvec2 | -
Single-qualifier floating-point vector of 2 components.
-typedef vec< 3, float, defaultp > fvec3 | -
Single-qualifier floating-point vector of 3 components.
-typedef vec< 4, float, defaultp > fvec4 | -
Single-qualifier floating-point vector of 4 components.
-typedef float32 highp_f32 | -
High 32 bit single-qualifier floating-point scalar.
-typedef highp_f32mat2x2 highp_f32mat2 | -
High single-qualifier floating-point 1x1 matrix.
-typedef mat< 2, 2, f32, highp > highp_f32mat2x2 | -
High single-qualifier floating-point 1x1 matrix.
-typedef mat< 2, 3, f32, highp > highp_f32mat2x3 | -
High single-qualifier floating-point 2x3 matrix.
-typedef mat< 2, 4, f32, highp > highp_f32mat2x4 | -
High single-qualifier floating-point 2x4 matrix.
-typedef highp_f32mat3x3 highp_f32mat3 | -
High single-qualifier floating-point 3x3 matrix.
-typedef mat< 3, 2, f32, highp > highp_f32mat3x2 | -
High single-qualifier floating-point 3x2 matrix.
-typedef mat< 3, 3, f32, highp > highp_f32mat3x3 | -
High single-qualifier floating-point 3x3 matrix.
-typedef mat< 3, 4, f32, highp > highp_f32mat3x4 | -
High single-qualifier floating-point 3x4 matrix.
-typedef highp_f32mat4x4 highp_f32mat4 | -
High single-qualifier floating-point 4x4 matrix.
-typedef mat< 4, 2, f32, highp > highp_f32mat4x2 | -
High single-qualifier floating-point 4x2 matrix.
-typedef mat< 4, 3, f32, highp > highp_f32mat4x3 | -
High single-qualifier floating-point 4x3 matrix.
-typedef mat< 4, 4, f32, highp > highp_f32mat4x4 | -
High single-qualifier floating-point 4x4 matrix.
-typedef qua< f32, highp > highp_f32quat | -
High single-qualifier floating-point quaternion.
-typedef vec< 1, f32, highp > highp_f32vec1 | -
High single-qualifier floating-point vector of 1 component.
-typedef vec< 2, f32, highp > highp_f32vec2 | -
High single-qualifier floating-point vector of 2 components.
-typedef vec< 3, f32, highp > highp_f32vec3 | -
High single-qualifier floating-point vector of 3 components.
-typedef vec< 4, f32, highp > highp_f32vec4 | -
High single-qualifier floating-point vector of 4 components.
-typedef float64 highp_f64 | -
High 64 bit double-qualifier floating-point scalar.
-typedef highp_f64mat2x2 highp_f64mat2 | -
High double-qualifier floating-point 1x1 matrix.
-typedef mat< 2, 2, f64, highp > highp_f64mat2x2 | -
High double-qualifier floating-point 1x1 matrix.
-typedef mat< 2, 3, f64, highp > highp_f64mat2x3 | -
High double-qualifier floating-point 2x3 matrix.
-typedef mat< 2, 4, f64, highp > highp_f64mat2x4 | -
High double-qualifier floating-point 2x4 matrix.
-typedef highp_f64mat3x3 highp_f64mat3 | -
High double-qualifier floating-point 3x3 matrix.
-typedef mat< 3, 2, f64, highp > highp_f64mat3x2 | -
High double-qualifier floating-point 3x2 matrix.
-typedef mat< 3, 3, f64, highp > highp_f64mat3x3 | -
High double-qualifier floating-point 3x3 matrix.
-typedef mat< 3, 4, f64, highp > highp_f64mat3x4 | -
High double-qualifier floating-point 3x4 matrix.
-typedef highp_f64mat4x4 highp_f64mat4 | -
High double-qualifier floating-point 4x4 matrix.
-typedef mat< 4, 2, f64, highp > highp_f64mat4x2 | -
High double-qualifier floating-point 4x2 matrix.
-typedef mat< 4, 3, f64, highp > highp_f64mat4x3 | -
High double-qualifier floating-point 4x3 matrix.
-typedef mat< 4, 4, f64, highp > highp_f64mat4x4 | -
High double-qualifier floating-point 4x4 matrix.
-typedef qua< f64, highp > highp_f64quat | -
High double-qualifier floating-point quaternion.
-typedef vec< 1, f64, highp > highp_f64vec1 | -
High double-qualifier floating-point vector of 1 component.
-typedef vec< 2, f64, highp > highp_f64vec2 | -
High double-qualifier floating-point vector of 2 components.
-typedef vec< 3, f64, highp > highp_f64vec3 | -
High double-qualifier floating-point vector of 3 components.
-typedef vec< 4, f64, highp > highp_f64vec4 | -
High double-qualifier floating-point vector of 4 components.
-typedef float32 highp_float32 | -
High 32 bit single-qualifier floating-point scalar.
-typedef float32 highp_float32_t | -
High 32 bit single-qualifier floating-point scalar.
-typedef float64 highp_float64 | -
High 64 bit double-qualifier floating-point scalar.
-typedef float64 highp_float64_t | -
High 64 bit double-qualifier floating-point scalar.
-typedef highp_fmat2x2 highp_fmat2 | -
High single-qualifier floating-point 1x1 matrix.
-typedef mat< 2, 2, f32, highp > highp_fmat2x2 | -
High single-qualifier floating-point 1x1 matrix.
-typedef mat< 2, 3, f32, highp > highp_fmat2x3 | -
High single-qualifier floating-point 2x3 matrix.
-typedef mat< 2, 4, f32, highp > highp_fmat2x4 | -
High single-qualifier floating-point 2x4 matrix.
-typedef highp_fmat3x3 highp_fmat3 | -
High single-qualifier floating-point 3x3 matrix.
-typedef mat< 3, 2, f32, highp > highp_fmat3x2 | -
High single-qualifier floating-point 3x2 matrix.
-typedef mat< 3, 3, f32, highp > highp_fmat3x3 | -
High single-qualifier floating-point 3x3 matrix.
-typedef mat< 3, 4, f32, highp > highp_fmat3x4 | -
High single-qualifier floating-point 3x4 matrix.
-typedef highp_fmat4x4 highp_fmat4 | -
High single-qualifier floating-point 4x4 matrix.
-typedef mat< 4, 2, f32, highp > highp_fmat4x2 | -
High single-qualifier floating-point 4x2 matrix.
-typedef mat< 4, 3, f32, highp > highp_fmat4x3 | -
High single-qualifier floating-point 4x3 matrix.
-typedef mat< 4, 4, f32, highp > highp_fmat4x4 | -
High single-qualifier floating-point 4x4 matrix.
-typedef vec< 1, float, highp > highp_fvec1 | -
High single-qualifier floating-point vector of 1 component.
-typedef vec< 2, float, highp > highp_fvec2 | -
typedef vec< 3, float, highp > highp_fvec3 | -
typedef vec< 4, float, highp > highp_fvec4 | -
typedef detail::int16 highp_i16 | -
High qualifier 16 bit signed integer type.
-typedef vec< 1, i16, highp > highp_i16vec1 | -
High qualifier 16 bit signed integer scalar type.
-typedef vec< 2, i16, highp > highp_i16vec2 | -
High qualifier 16 bit signed integer vector of 2 components type.
-typedef vec< 3, i16, highp > highp_i16vec3 | -
High qualifier 16 bit signed integer vector of 3 components type.
-typedef vec< 4, i16, highp > highp_i16vec4 | -
High qualifier 16 bit signed integer vector of 4 components type.
-typedef detail::int32 highp_i32 | -
High qualifier 32 bit signed integer type.
-typedef vec< 1, i32, highp > highp_i32vec1 | -
High qualifier 32 bit signed integer scalar type.
-typedef vec< 2, i32, highp > highp_i32vec2 | -
High qualifier 32 bit signed integer vector of 2 components type.
-typedef vec< 3, i32, highp > highp_i32vec3 | -
High qualifier 32 bit signed integer vector of 3 components type.
-typedef vec< 4, i32, highp > highp_i32vec4 | -
High qualifier 32 bit signed integer vector of 4 components type.
-typedef detail::int64 highp_i64 | -
High qualifier 64 bit signed integer type.
-typedef vec< 1, i64, highp > highp_i64vec1 | -
High qualifier 64 bit signed integer scalar type.
-typedef vec< 2, i64, highp > highp_i64vec2 | -
High qualifier 64 bit signed integer vector of 2 components type.
-typedef vec< 3, i64, highp > highp_i64vec3 | -
High qualifier 64 bit signed integer vector of 3 components type.
-typedef vec< 4, i64, highp > highp_i64vec4 | -
High qualifier 64 bit signed integer vector of 4 components type.
-typedef detail::int8 highp_i8 | -
High qualifier 8 bit signed integer type.
-typedef vec< 1, i8, highp > highp_i8vec1 | -
High qualifier 8 bit signed integer scalar type.
-typedef vec< 2, i8, highp > highp_i8vec2 | -
High qualifier 8 bit signed integer vector of 2 components type.
-typedef vec< 3, i8, highp > highp_i8vec3 | -
High qualifier 8 bit signed integer vector of 3 components type.
-typedef vec< 4, i8, highp > highp_i8vec4 | -
High qualifier 8 bit signed integer vector of 4 components type.
-typedef detail::int16 highp_int16 | -
High qualifier 16 bit signed integer type.
-typedef detail::int16 highp_int16_t | -
High qualifier 16 bit signed integer type.
-typedef detail::int32 highp_int32 | -
High qualifier 32 bit signed integer type.
-typedef detail::int32 highp_int32_t | -
32 bit signed integer type.
-typedef detail::int64 highp_int64 | -
High qualifier 64 bit signed integer type.
-typedef detail::int64 highp_int64_t | -
High qualifier 64 bit signed integer type.
-typedef detail::int8 highp_int8 | -
High qualifier 8 bit signed integer type.
-typedef detail::int8 highp_int8_t | -
High qualifier 8 bit signed integer type.
-typedef detail::uint16 highp_u16 | -
High qualifier 16 bit unsigned integer type.
-typedef vec< 1, u16, highp > highp_u16vec1 | -
High qualifier 16 bit unsigned integer scalar type.
-typedef vec< 2, u16, highp > highp_u16vec2 | -
High qualifier 16 bit unsigned integer vector of 2 components type.
-typedef vec< 3, u16, highp > highp_u16vec3 | -
High qualifier 16 bit unsigned integer vector of 3 components type.
-typedef vec< 4, u16, highp > highp_u16vec4 | -
High qualifier 16 bit unsigned integer vector of 4 components type.
-typedef detail::uint32 highp_u32 | -
High qualifier 32 bit unsigned integer type.
-typedef vec< 1, u32, highp > highp_u32vec1 | -
High qualifier 32 bit unsigned integer scalar type.
-typedef vec< 2, u32, highp > highp_u32vec2 | -
High qualifier 32 bit unsigned integer vector of 2 components type.
-typedef vec< 3, u32, highp > highp_u32vec3 | -
High qualifier 32 bit unsigned integer vector of 3 components type.
-typedef vec< 4, u32, highp > highp_u32vec4 | -
High qualifier 32 bit unsigned integer vector of 4 components type.
-typedef detail::uint64 highp_u64 | -
High qualifier 64 bit unsigned integer type.
-typedef vec< 1, u64, highp > highp_u64vec1 | -
High qualifier 64 bit unsigned integer scalar type.
-typedef vec< 2, u64, highp > highp_u64vec2 | -
High qualifier 64 bit unsigned integer vector of 2 components type.
-typedef vec< 3, u64, highp > highp_u64vec3 | -
High qualifier 64 bit unsigned integer vector of 3 components type.
-typedef vec< 4, u64, highp > highp_u64vec4 | -
High qualifier 64 bit unsigned integer vector of 4 components type.
-typedef detail::uint8 highp_u8 | -
High qualifier 8 bit unsigned integer type.
-typedef vec< 1, u8, highp > highp_u8vec1 | -
High qualifier 8 bit unsigned integer scalar type.
-typedef vec< 2, u8, highp > highp_u8vec2 | -
High qualifier 8 bit unsigned integer vector of 2 components type.
-typedef vec< 3, u8, highp > highp_u8vec3 | -
High qualifier 8 bit unsigned integer vector of 3 components type.
-typedef vec< 4, u8, highp > highp_u8vec4 | -
High qualifier 8 bit unsigned integer vector of 4 components type.
-typedef detail::uint16 highp_uint16 | -
High qualifier 16 bit unsigned integer type.
-typedef detail::uint16 highp_uint16_t | -
High qualifier 16 bit unsigned integer type.
-typedef detail::uint32 highp_uint32 | -
High qualifier 32 bit unsigned integer type.
-typedef detail::uint32 highp_uint32_t | -
High qualifier 32 bit unsigned integer type.
-typedef detail::uint64 highp_uint64 | -
High qualifier 64 bit unsigned integer type.
-typedef detail::uint64 highp_uint64_t | -
High qualifier 64 bit unsigned integer type.
-typedef detail::uint8 highp_uint8 | -
High qualifier 8 bit unsigned integer type.
-typedef detail::uint8 highp_uint8_t | -
High qualifier 8 bit unsigned integer type.
-typedef detail::int16 i16 | -
16 bit signed integer type.
-typedef vec< 1, i16, defaultp > i16vec1 | -
16 bit signed integer scalar type.
-typedef vec< 2, i16, defaultp > i16vec2 | -
16 bit signed integer vector of 2 components type.
-typedef vec< 3, i16, defaultp > i16vec3 | -
16 bit signed integer vector of 3 components type.
-typedef vec< 4, i16, defaultp > i16vec4 | -
16 bit signed integer vector of 4 components type.
-typedef detail::int32 i32 | -
32 bit signed integer type.
-typedef vec< 1, i32, defaultp > i32vec1 | -
32 bit signed integer scalar type.
-typedef vec< 2, i32, defaultp > i32vec2 | -
32 bit signed integer vector of 2 components type.
-typedef vec< 3, i32, defaultp > i32vec3 | -
32 bit signed integer vector of 3 components type.
-typedef vec< 4, i32, defaultp > i32vec4 | -
32 bit signed integer vector of 4 components type.
-typedef detail::int64 i64 | -
64 bit signed integer type.
-typedef vec< 1, i64, defaultp > i64vec1 | -
64 bit signed integer scalar type.
-typedef vec< 2, i64, defaultp > i64vec2 | -
64 bit signed integer vector of 2 components type.
-typedef vec< 3, i64, defaultp > i64vec3 | -
64 bit signed integer vector of 3 components type.
-typedef vec< 4, i64, defaultp > i64vec4 | -
64 bit signed integer vector of 4 components type.
-typedef detail::int8 i8 | -
8 bit signed integer type.
-typedef vec< 1, i8, defaultp > i8vec1 | -
8 bit signed integer scalar type.
-typedef vec< 2, i8, defaultp > i8vec2 | -
8 bit signed integer vector of 2 components type.
-typedef vec< 3, i8, defaultp > i8vec3 | -
8 bit signed integer vector of 3 components type.
-typedef vec< 4, i8, defaultp > i8vec4 | -
8 bit signed integer vector of 4 components type.
-typedef detail::int16 int16_t | -
16 bit signed integer type.
-typedef detail::int32 int32_t | -
32 bit signed integer type.
-typedef detail::int64 int64_t | -
64 bit signed integer type.
-typedef detail::int8 int8_t | -
8 bit signed integer type.
-typedef float32 lowp_f32 | -
Low 32 bit single-qualifier floating-point scalar.
-typedef lowp_f32mat2x2 lowp_f32mat2 | -
Low single-qualifier floating-point 1x1 matrix.
-typedef mat< 2, 2, f32, lowp > lowp_f32mat2x2 | -
Low single-qualifier floating-point 1x1 matrix.
-typedef mat< 2, 3, f32, lowp > lowp_f32mat2x3 | -
Low single-qualifier floating-point 2x3 matrix.
-typedef mat< 2, 4, f32, lowp > lowp_f32mat2x4 | -
Low single-qualifier floating-point 2x4 matrix.
-typedef lowp_f32mat3x3 lowp_f32mat3 | -
Low single-qualifier floating-point 3x3 matrix.
-typedef mat< 3, 2, f32, lowp > lowp_f32mat3x2 | -
Low single-qualifier floating-point 3x2 matrix.
-typedef mat< 3, 3, f32, lowp > lowp_f32mat3x3 | -
Low single-qualifier floating-point 3x3 matrix.
-typedef mat< 3, 4, f32, lowp > lowp_f32mat3x4 | -
Low single-qualifier floating-point 3x4 matrix.
-typedef lowp_f32mat4x4 lowp_f32mat4 | -
Low single-qualifier floating-point 4x4 matrix.
-typedef mat< 4, 2, f32, lowp > lowp_f32mat4x2 | -
Low single-qualifier floating-point 4x2 matrix.
-typedef mat< 4, 3, f32, lowp > lowp_f32mat4x3 | -
Low single-qualifier floating-point 4x3 matrix.
-typedef mat< 4, 4, f32, lowp > lowp_f32mat4x4 | -
Low single-qualifier floating-point 4x4 matrix.
-typedef qua< f32, lowp > lowp_f32quat | -
Low single-qualifier floating-point quaternion.
-typedef vec< 1, f32, lowp > lowp_f32vec1 | -
Low single-qualifier floating-point vector of 1 component.
-typedef vec< 2, f32, lowp > lowp_f32vec2 | -
typedef vec< 3, f32, lowp > lowp_f32vec3 | -
typedef vec< 4, f32, lowp > lowp_f32vec4 | -
typedef float64 lowp_f64 | -
Low 64 bit double-qualifier floating-point scalar.
-typedef lowp_f64mat2x2 lowp_f64mat2 | -
Low double-qualifier floating-point 1x1 matrix.
-typedef mat< 2, 2, f64, lowp > lowp_f64mat2x2 | -
Low double-qualifier floating-point 1x1 matrix.
-typedef mat< 2, 3, f64, lowp > lowp_f64mat2x3 | -
Low double-qualifier floating-point 2x3 matrix.
-typedef mat< 2, 4, f64, lowp > lowp_f64mat2x4 | -
Low double-qualifier floating-point 2x4 matrix.
-typedef lowp_f64mat3x3 lowp_f64mat3 | -
Low double-qualifier floating-point 3x3 matrix.
-typedef mat< 3, 2, f64, lowp > lowp_f64mat3x2 | -
Low double-qualifier floating-point 3x2 matrix.
-typedef mat< 3, 3, f64, lowp > lowp_f64mat3x3 | -
Low double-qualifier floating-point 3x3 matrix.
-typedef mat< 3, 4, f64, lowp > lowp_f64mat3x4 | -
Low double-qualifier floating-point 3x4 matrix.
-typedef lowp_f64mat4x4 lowp_f64mat4 | -
Low double-qualifier floating-point 4x4 matrix.
-typedef mat< 4, 2, f64, lowp > lowp_f64mat4x2 | -
Low double-qualifier floating-point 4x2 matrix.
-typedef mat< 4, 3, f64, lowp > lowp_f64mat4x3 | -
Low double-qualifier floating-point 4x3 matrix.
-typedef mat< 4, 4, f64, lowp > lowp_f64mat4x4 | -
Low double-qualifier floating-point 4x4 matrix.
-typedef qua< f64, lowp > lowp_f64quat | -
Low double-qualifier floating-point quaternion.
-typedef vec< 1, f64, lowp > lowp_f64vec1 | -
Low double-qualifier floating-point vector of 1 component.
-typedef vec< 2, f64, lowp > lowp_f64vec2 | -
Low double-qualifier floating-point vector of 2 components.
-typedef vec< 3, f64, lowp > lowp_f64vec3 | -
Low double-qualifier floating-point vector of 3 components.
-typedef vec< 4, f64, lowp > lowp_f64vec4 | -
Low double-qualifier floating-point vector of 4 components.
-typedef float32 lowp_float32 | -
Low 32 bit single-qualifier floating-point scalar.
-typedef float32 lowp_float32_t | -
Low 32 bit single-qualifier floating-point scalar.
-typedef float64 lowp_float64 | -
Low 64 bit double-qualifier floating-point scalar.
-typedef float64 lowp_float64_t | -
Low 64 bit double-qualifier floating-point scalar.
-typedef lowp_fmat2x2 lowp_fmat2 | -
Low single-qualifier floating-point 1x1 matrix.
-typedef mat< 2, 2, f32, lowp > lowp_fmat2x2 | -
Low single-qualifier floating-point 1x1 matrix.
-typedef mat< 2, 3, f32, lowp > lowp_fmat2x3 | -
Low single-qualifier floating-point 2x3 matrix.
-typedef mat< 2, 4, f32, lowp > lowp_fmat2x4 | -
Low single-qualifier floating-point 2x4 matrix.
-typedef lowp_fmat3x3 lowp_fmat3 | -
Low single-qualifier floating-point 3x3 matrix.
-typedef mat< 3, 2, f32, lowp > lowp_fmat3x2 | -
Low single-qualifier floating-point 3x2 matrix.
-typedef mat< 3, 3, f32, lowp > lowp_fmat3x3 | -
Low single-qualifier floating-point 3x3 matrix.
-typedef mat< 3, 4, f32, lowp > lowp_fmat3x4 | -
Low single-qualifier floating-point 3x4 matrix.
-typedef lowp_fmat4x4 lowp_fmat4 | -
Low single-qualifier floating-point 4x4 matrix.
-typedef mat< 4, 2, f32, lowp > lowp_fmat4x2 | -
Low single-qualifier floating-point 4x2 matrix.
-typedef mat< 4, 3, f32, lowp > lowp_fmat4x3 | -
Low single-qualifier floating-point 4x3 matrix.
-typedef mat< 4, 4, f32, lowp > lowp_fmat4x4 | -
Low single-qualifier floating-point 4x4 matrix.
-typedef vec< 1, float, lowp > lowp_fvec1 | -
Low single-qualifier floating-point vector of 1 component.
-typedef vec< 2, float, lowp > lowp_fvec2 | -
Low single-qualifier floating-point vector of 2 components.
-typedef vec< 3, float, lowp > lowp_fvec3 | -
Low single-qualifier floating-point vector of 3 components.
-typedef vec< 4, float, lowp > lowp_fvec4 | -
Low single-qualifier floating-point vector of 4 components.
-typedef detail::int16 lowp_i16 | -
Low qualifier 16 bit signed integer type.
-typedef vec< 1, i16, lowp > lowp_i16vec1 | -
Low qualifier 16 bit signed integer scalar type.
-typedef vec< 2, i16, lowp > lowp_i16vec2 | -
Low qualifier 16 bit signed integer vector of 2 components type.
-typedef vec< 3, i16, lowp > lowp_i16vec3 | -
Low qualifier 16 bit signed integer vector of 3 components type.
-typedef vec< 4, i16, lowp > lowp_i16vec4 | -
Low qualifier 16 bit signed integer vector of 4 components type.
-typedef detail::int32 lowp_i32 | -
Low qualifier 32 bit signed integer type.
-typedef vec< 1, i32, lowp > lowp_i32vec1 | -
Low qualifier 32 bit signed integer scalar type.
-typedef vec< 2, i32, lowp > lowp_i32vec2 | -
Low qualifier 32 bit signed integer vector of 2 components type.
-typedef vec< 3, i32, lowp > lowp_i32vec3 | -
Low qualifier 32 bit signed integer vector of 3 components type.
-typedef vec< 4, i32, lowp > lowp_i32vec4 | -
Low qualifier 32 bit signed integer vector of 4 components type.
-typedef detail::int64 lowp_i64 | -
Low qualifier 64 bit signed integer type.
-typedef vec< 1, i64, lowp > lowp_i64vec1 | -
Low qualifier 64 bit signed integer scalar type.
-typedef vec< 2, i64, lowp > lowp_i64vec2 | -
Low qualifier 64 bit signed integer vector of 2 components type.
-typedef vec< 3, i64, lowp > lowp_i64vec3 | -
Low qualifier 64 bit signed integer vector of 3 components type.
-typedef vec< 4, i64, lowp > lowp_i64vec4 | -
Low qualifier 64 bit signed integer vector of 4 components type.
-typedef detail::int8 lowp_i8 | -
Low qualifier 8 bit signed integer type.
-typedef vec< 1, i8, lowp > lowp_i8vec1 | -
Low qualifier 8 bit signed integer scalar type.
-typedef vec< 2, i8, lowp > lowp_i8vec2 | -
Low qualifier 8 bit signed integer vector of 2 components type.
-typedef vec< 3, i8, lowp > lowp_i8vec3 | -
Low qualifier 8 bit signed integer vector of 3 components type.
-typedef vec< 4, i8, lowp > lowp_i8vec4 | -
Low qualifier 8 bit signed integer vector of 4 components type.
-typedef detail::int16 lowp_int16 | -
Low qualifier 16 bit signed integer type.
-typedef detail::int16 lowp_int16_t | -
Low qualifier 16 bit signed integer type.
-typedef detail::int32 lowp_int32 | -
Low qualifier 32 bit signed integer type.
-typedef detail::int32 lowp_int32_t | -
Low qualifier 32 bit signed integer type.
-typedef detail::int64 lowp_int64 | -
Low qualifier 64 bit signed integer type.
-typedef detail::int64 lowp_int64_t | -
Low qualifier 64 bit signed integer type.
-typedef detail::int8 lowp_int8 | -
Low qualifier 8 bit signed integer type.
-typedef detail::int8 lowp_int8_t | -
Low qualifier 8 bit signed integer type.
-typedef detail::uint16 lowp_u16 | -
Low qualifier 16 bit unsigned integer type.
-typedef vec< 1, u16, lowp > lowp_u16vec1 | -
Low qualifier 16 bit unsigned integer scalar type.
-typedef vec< 2, u16, lowp > lowp_u16vec2 | -
Low qualifier 16 bit unsigned integer vector of 2 components type.
-typedef vec< 3, u16, lowp > lowp_u16vec3 | -
Low qualifier 16 bit unsigned integer vector of 3 components type.
-typedef vec< 4, u16, lowp > lowp_u16vec4 | -
Low qualifier 16 bit unsigned integer vector of 4 components type.
-typedef detail::uint32 lowp_u32 | -
Low qualifier 32 bit unsigned integer type.
-typedef vec< 1, u32, lowp > lowp_u32vec1 | -
Low qualifier 32 bit unsigned integer scalar type.
-typedef vec< 2, u32, lowp > lowp_u32vec2 | -
Low qualifier 32 bit unsigned integer vector of 2 components type.
-typedef vec< 3, u32, lowp > lowp_u32vec3 | -
Low qualifier 32 bit unsigned integer vector of 3 components type.
-typedef vec< 4, u32, lowp > lowp_u32vec4 | -
Low qualifier 32 bit unsigned integer vector of 4 components type.
-typedef detail::uint64 lowp_u64 | -
Low qualifier 64 bit unsigned integer type.
-typedef vec< 1, u64, lowp > lowp_u64vec1 | -
Low qualifier 64 bit unsigned integer scalar type.
-typedef vec< 2, u64, lowp > lowp_u64vec2 | -
Low qualifier 64 bit unsigned integer vector of 2 components type.
-typedef vec< 3, u64, lowp > lowp_u64vec3 | -
Low qualifier 64 bit unsigned integer vector of 3 components type.
-typedef vec< 4, u64, lowp > lowp_u64vec4 | -
Low qualifier 64 bit unsigned integer vector of 4 components type.
-typedef detail::uint8 lowp_u8 | -
Low qualifier 8 bit unsigned integer type.
-typedef vec< 1, u8, lowp > lowp_u8vec1 | -
Low qualifier 8 bit unsigned integer scalar type.
-typedef vec< 2, u8, lowp > lowp_u8vec2 | -
Low qualifier 8 bit unsigned integer vector of 2 components type.
-typedef vec< 3, u8, lowp > lowp_u8vec3 | -
Low qualifier 8 bit unsigned integer vector of 3 components type.
-typedef vec< 4, u8, lowp > lowp_u8vec4 | -
Low qualifier 8 bit unsigned integer vector of 4 components type.
-typedef detail::uint16 lowp_uint16 | -
Low qualifier 16 bit unsigned integer type.
-typedef detail::uint16 lowp_uint16_t | -
Low qualifier 16 bit unsigned integer type.
-typedef detail::uint32 lowp_uint32 | -
Low qualifier 32 bit unsigned integer type.
-typedef detail::uint32 lowp_uint32_t | -
Low qualifier 32 bit unsigned integer type.
-typedef detail::uint64 lowp_uint64 | -
Low qualifier 64 bit unsigned integer type.
-typedef detail::uint64 lowp_uint64_t | -
Low qualifier 64 bit unsigned integer type.
-typedef detail::uint8 lowp_uint8 | -
Low qualifier 8 bit unsigned integer type.
-typedef detail::uint8 lowp_uint8_t | -
Low qualifier 8 bit unsigned integer type.
-typedef float32 mediump_f32 | -
Medium 32 bit single-qualifier floating-point scalar.
-typedef mediump_f32mat2x2 mediump_f32mat2 | -
Medium single-qualifier floating-point 1x1 matrix.
-typedef mat< 2, 2, f32, mediump > mediump_f32mat2x2 | -
High single-qualifier floating-point 1x1 matrix.
-typedef mat< 2, 3, f32, mediump > mediump_f32mat2x3 | -
Medium single-qualifier floating-point 2x3 matrix.
-typedef mat< 2, 4, f32, mediump > mediump_f32mat2x4 | -
Medium single-qualifier floating-point 2x4 matrix.
-typedef mediump_f32mat3x3 mediump_f32mat3 | -
Medium single-qualifier floating-point 3x3 matrix.
-typedef mat< 3, 2, f32, mediump > mediump_f32mat3x2 | -
Medium single-qualifier floating-point 3x2 matrix.
-typedef mat< 3, 3, f32, mediump > mediump_f32mat3x3 | -
Medium single-qualifier floating-point 3x3 matrix.
-typedef mat< 3, 4, f32, mediump > mediump_f32mat3x4 | -
Medium single-qualifier floating-point 3x4 matrix.
-typedef mediump_f32mat4x4 mediump_f32mat4 | -
Medium single-qualifier floating-point 4x4 matrix.
-typedef mat< 4, 2, f32, mediump > mediump_f32mat4x2 | -
Medium single-qualifier floating-point 4x2 matrix.
-typedef mat< 4, 3, f32, mediump > mediump_f32mat4x3 | -
Medium single-qualifier floating-point 4x3 matrix.
-typedef mat< 4, 4, f32, mediump > mediump_f32mat4x4 | -
Medium single-qualifier floating-point 4x4 matrix.
-typedef qua< f32, mediump > mediump_f32quat | -
Medium single-qualifier floating-point quaternion.
-typedef vec< 1, f32, mediump > mediump_f32vec1 | -
Medium single-qualifier floating-point vector of 1 component.
-typedef vec< 2, f32, mediump > mediump_f32vec2 | -
typedef vec< 3, f32, mediump > mediump_f32vec3 | -
typedef vec< 4, f32, mediump > mediump_f32vec4 | -
typedef float64 mediump_f64 | -
Medium 64 bit double-qualifier floating-point scalar.
-typedef mediump_f64mat2x2 mediump_f64mat2 | -
Medium double-qualifier floating-point 1x1 matrix.
-typedef mat< 2, 2, f64, mediump > mediump_f64mat2x2 | -
Medium double-qualifier floating-point 1x1 matrix.
-typedef mat< 2, 3, f64, mediump > mediump_f64mat2x3 | -
Medium double-qualifier floating-point 2x3 matrix.
-typedef mat< 2, 4, f64, mediump > mediump_f64mat2x4 | -
Medium double-qualifier floating-point 2x4 matrix.
-typedef mediump_f64mat3x3 mediump_f64mat3 | -
Medium double-qualifier floating-point 3x3 matrix.
-typedef mat< 3, 2, f64, mediump > mediump_f64mat3x2 | -
Medium double-qualifier floating-point 3x2 matrix.
-typedef mat< 3, 3, f64, mediump > mediump_f64mat3x3 | -
Medium double-qualifier floating-point 3x3 matrix.
-typedef mat< 3, 4, f64, mediump > mediump_f64mat3x4 | -
Medium double-qualifier floating-point 3x4 matrix.
-typedef mediump_f64mat4x4 mediump_f64mat4 | -
Medium double-qualifier floating-point 4x4 matrix.
-typedef mat< 4, 2, f64, mediump > mediump_f64mat4x2 | -
Medium double-qualifier floating-point 4x2 matrix.
-typedef mat< 4, 3, f64, mediump > mediump_f64mat4x3 | -
Medium double-qualifier floating-point 4x3 matrix.
-typedef mat< 4, 4, f64, mediump > mediump_f64mat4x4 | -
Medium double-qualifier floating-point 4x4 matrix.
-typedef qua< f64, mediump > mediump_f64quat | -
Medium double-qualifier floating-point quaternion.
-typedef vec< 1, f64, mediump > mediump_f64vec1 | -
Medium double-qualifier floating-point vector of 1 component.
-typedef vec< 2, f64, mediump > mediump_f64vec2 | -
Medium double-qualifier floating-point vector of 2 components.
-typedef vec< 3, f64, mediump > mediump_f64vec3 | -
Medium double-qualifier floating-point vector of 3 components.
-typedef vec< 4, f64, mediump > mediump_f64vec4 | -
Medium double-qualifier floating-point vector of 4 components.
-typedef float32 mediump_float32 | -
Medium 32 bit single-qualifier floating-point scalar.
-typedef float32 mediump_float32_t | -
Medium 32 bit single-qualifier floating-point scalar.
-typedef float64 mediump_float64 | -
Medium 64 bit double-qualifier floating-point scalar.
-typedef float64 mediump_float64_t | -
Medium 64 bit double-qualifier floating-point scalar.
-typedef mediump_fmat2x2 mediump_fmat2 | -
Medium single-qualifier floating-point 1x1 matrix.
-typedef mat< 2, 2, f32, mediump > mediump_fmat2x2 | -
Medium single-qualifier floating-point 1x1 matrix.
-typedef mat< 2, 3, f32, mediump > mediump_fmat2x3 | -
Medium single-qualifier floating-point 2x3 matrix.
-typedef mat< 2, 4, f32, mediump > mediump_fmat2x4 | -
Medium single-qualifier floating-point 2x4 matrix.
-typedef mediump_fmat3x3 mediump_fmat3 | -
Medium single-qualifier floating-point 3x3 matrix.
-typedef mat< 3, 2, f32, mediump > mediump_fmat3x2 | -
Medium single-qualifier floating-point 3x2 matrix.
-typedef mat< 3, 3, f32, mediump > mediump_fmat3x3 | -
Medium single-qualifier floating-point 3x3 matrix.
-typedef mat< 3, 4, f32, mediump > mediump_fmat3x4 | -
Medium single-qualifier floating-point 3x4 matrix.
-typedef mediump_fmat4x4 mediump_fmat4 | -
Medium single-qualifier floating-point 4x4 matrix.
-typedef mat< 4, 2, f32, mediump > mediump_fmat4x2 | -
Medium single-qualifier floating-point 4x2 matrix.
-typedef mat< 4, 3, f32, mediump > mediump_fmat4x3 | -
Medium single-qualifier floating-point 4x3 matrix.
-typedef mat< 4, 4, f32, mediump > mediump_fmat4x4 | -
Medium single-qualifier floating-point 4x4 matrix.
-typedef vec< 1, float, mediump > mediump_fvec1 | -
Medium single-qualifier floating-point vector of 1 component.
-typedef vec< 2, float, mediump > mediump_fvec2 | -
Medium Single-qualifier floating-point vector of 2 components.
-typedef vec< 3, float, mediump > mediump_fvec3 | -
Medium Single-qualifier floating-point vector of 3 components.
-typedef vec< 4, float, mediump > mediump_fvec4 | -
Medium Single-qualifier floating-point vector of 4 components.
-typedef detail::int16 mediump_i16 | -
Medium qualifier 16 bit signed integer type.
-typedef vec< 1, i16, mediump > mediump_i16vec1 | -
Medium qualifier 16 bit signed integer scalar type.
-typedef vec< 2, i16, mediump > mediump_i16vec2 | -
Medium qualifier 16 bit signed integer vector of 2 components type.
-typedef vec< 3, i16, mediump > mediump_i16vec3 | -
Medium qualifier 16 bit signed integer vector of 3 components type.
-typedef vec< 4, i16, mediump > mediump_i16vec4 | -
Medium qualifier 16 bit signed integer vector of 4 components type.
-typedef detail::int32 mediump_i32 | -
Medium qualifier 32 bit signed integer type.
-typedef vec< 1, i32, mediump > mediump_i32vec1 | -
Medium qualifier 32 bit signed integer scalar type.
-typedef vec< 2, i32, mediump > mediump_i32vec2 | -
Medium qualifier 32 bit signed integer vector of 2 components type.
-typedef vec< 3, i32, mediump > mediump_i32vec3 | -
Medium qualifier 32 bit signed integer vector of 3 components type.
-typedef vec< 4, i32, mediump > mediump_i32vec4 | -
Medium qualifier 32 bit signed integer vector of 4 components type.
-typedef detail::int64 mediump_i64 | -
Medium qualifier 64 bit signed integer type.
-typedef vec< 1, i64, mediump > mediump_i64vec1 | -
Medium qualifier 64 bit signed integer scalar type.
-typedef vec< 2, i64, mediump > mediump_i64vec2 | -
Medium qualifier 64 bit signed integer vector of 2 components type.
-typedef vec< 3, i64, mediump > mediump_i64vec3 | -
Medium qualifier 64 bit signed integer vector of 3 components type.
-typedef vec< 4, i64, mediump > mediump_i64vec4 | -
Medium qualifier 64 bit signed integer vector of 4 components type.
-typedef detail::int8 mediump_i8 | -
Medium qualifier 8 bit signed integer type.
-typedef vec< 1, i8, mediump > mediump_i8vec1 | -
Medium qualifier 8 bit signed integer scalar type.
-typedef vec< 2, i8, mediump > mediump_i8vec2 | -
Medium qualifier 8 bit signed integer vector of 2 components type.
-typedef vec< 3, i8, mediump > mediump_i8vec3 | -
Medium qualifier 8 bit signed integer vector of 3 components type.
-typedef vec< 4, i8, mediump > mediump_i8vec4 | -
Medium qualifier 8 bit signed integer vector of 4 components type.
-typedef detail::int16 mediump_int16 | -
Medium qualifier 16 bit signed integer type.
-typedef detail::int16 mediump_int16_t | -
Medium qualifier 16 bit signed integer type.
-typedef detail::int32 mediump_int32 | -
Medium qualifier 32 bit signed integer type.
-typedef detail::int32 mediump_int32_t | -
Medium qualifier 32 bit signed integer type.
-typedef detail::int64 mediump_int64 | -
Medium qualifier 64 bit signed integer type.
-typedef detail::int64 mediump_int64_t | -
Medium qualifier 64 bit signed integer type.
-typedef detail::int8 mediump_int8 | -
Medium qualifier 8 bit signed integer type.
-typedef detail::int8 mediump_int8_t | -
Medium qualifier 8 bit signed integer type.
-typedef detail::uint16 mediump_u16 | -
Medium qualifier 16 bit unsigned integer type.
-typedef vec< 1, u16, mediump > mediump_u16vec1 | -
Medium qualifier 16 bit unsigned integer scalar type.
-typedef vec< 2, u16, mediump > mediump_u16vec2 | -
Medium qualifier 16 bit unsigned integer vector of 2 components type.
-typedef vec< 3, u16, mediump > mediump_u16vec3 | -
Medium qualifier 16 bit unsigned integer vector of 3 components type.
-typedef vec< 4, u16, mediump > mediump_u16vec4 | -
Medium qualifier 16 bit unsigned integer vector of 4 components type.
-typedef detail::uint32 mediump_u32 | -
Medium qualifier 32 bit unsigned integer type.
-typedef vec< 1, u32, mediump > mediump_u32vec1 | -
Medium qualifier 32 bit unsigned integer scalar type.
-typedef vec< 2, u32, mediump > mediump_u32vec2 | -
Medium qualifier 32 bit unsigned integer vector of 2 components type.
-typedef vec< 3, u32, mediump > mediump_u32vec3 | -
Medium qualifier 32 bit unsigned integer vector of 3 components type.
-typedef vec< 4, u32, mediump > mediump_u32vec4 | -
Medium qualifier 32 bit unsigned integer vector of 4 components type.
-typedef detail::uint64 mediump_u64 | -
Medium qualifier 64 bit unsigned integer type.
-typedef vec< 1, u64, mediump > mediump_u64vec1 | -
Medium qualifier 64 bit unsigned integer scalar type.
-typedef vec< 2, u64, mediump > mediump_u64vec2 | -
Medium qualifier 64 bit unsigned integer vector of 2 components type.
-typedef vec< 3, u64, mediump > mediump_u64vec3 | -
Medium qualifier 64 bit unsigned integer vector of 3 components type.
-typedef vec< 4, u64, mediump > mediump_u64vec4 | -
Medium qualifier 64 bit unsigned integer vector of 4 components type.
-typedef detail::uint8 mediump_u8 | -
Medium qualifier 8 bit unsigned integer type.
-typedef vec< 1, u8, mediump > mediump_u8vec1 | -
Medium qualifier 8 bit unsigned integer scalar type.
-typedef vec< 2, u8, mediump > mediump_u8vec2 | -
Medium qualifier 8 bit unsigned integer vector of 2 components type.
-typedef vec< 3, u8, mediump > mediump_u8vec3 | -
Medium qualifier 8 bit unsigned integer vector of 3 components type.
-typedef vec< 4, u8, mediump > mediump_u8vec4 | -
Medium qualifier 8 bit unsigned integer vector of 4 components type.
-typedef detail::uint16 mediump_uint16 | -
Medium qualifier 16 bit unsigned integer type.
-typedef detail::uint16 mediump_uint16_t | -
Medium qualifier 16 bit unsigned integer type.
-typedef detail::uint32 mediump_uint32 | -
Medium qualifier 32 bit unsigned integer type.
-typedef detail::uint32 mediump_uint32_t | -
Medium qualifier 32 bit unsigned integer type.
-typedef detail::uint64 mediump_uint64 | -
Medium qualifier 64 bit unsigned integer type.
-typedef detail::uint64 mediump_uint64_t | -
Medium qualifier 64 bit unsigned integer type.
-typedef detail::uint8 mediump_uint8 | -
Medium qualifier 8 bit unsigned integer type.
-typedef detail::uint8 mediump_uint8_t | -
Medium qualifier 8 bit unsigned integer type.
-typedef detail::uint16 u16 | -
Default qualifier 16 bit unsigned integer type.
-typedef vec< 1, u16, defaultp > u16vec1 | -
Default qualifier 16 bit unsigned integer scalar type.
-typedef vec< 2, u16, defaultp > u16vec2 | -
Default qualifier 16 bit unsigned integer vector of 2 components type.
-typedef vec< 3, u16, defaultp > u16vec3 | -
Default qualifier 16 bit unsigned integer vector of 3 components type.
-typedef vec< 4, u16, defaultp > u16vec4 | -
Default qualifier 16 bit unsigned integer vector of 4 components type.
-typedef detail::uint32 u32 | -
Default qualifier 32 bit unsigned integer type.
-typedef vec< 1, u32, defaultp > u32vec1 | -
Default qualifier 32 bit unsigned integer scalar type.
-typedef vec< 2, u32, defaultp > u32vec2 | -
Default qualifier 32 bit unsigned integer vector of 2 components type.
-typedef vec< 3, u32, defaultp > u32vec3 | -
Default qualifier 32 bit unsigned integer vector of 3 components type.
-typedef vec< 4, u32, defaultp > u32vec4 | -
Default qualifier 32 bit unsigned integer vector of 4 components type.
-typedef detail::uint64 u64 | -
Default qualifier 64 bit unsigned integer type.
-typedef vec< 1, u64, defaultp > u64vec1 | -
Default qualifier 64 bit unsigned integer scalar type.
-typedef vec< 2, u64, defaultp > u64vec2 | -
Default qualifier 64 bit unsigned integer vector of 2 components type.
-typedef vec< 3, u64, defaultp > u64vec3 | -
Default qualifier 64 bit unsigned integer vector of 3 components type.
-typedef vec< 4, u64, defaultp > u64vec4 | -
Default qualifier 64 bit unsigned integer vector of 4 components type.
-typedef detail::uint8 u8 | -
Default qualifier 8 bit unsigned integer type.
-typedef vec< 1, u8, defaultp > u8vec1 | -
Default qualifier 8 bit unsigned integer scalar type.
-typedef vec< 2, u8, defaultp > u8vec2 | -
Default qualifier 8 bit unsigned integer vector of 2 components type.
-typedef vec< 3, u8, defaultp > u8vec3 | -
Default qualifier 8 bit unsigned integer vector of 3 components type.
-typedef vec< 4, u8, defaultp > u8vec4 | -
Default qualifier 8 bit unsigned integer vector of 4 components type.
-typedef detail::uint16 uint16_t | -
Default qualifier 16 bit unsigned integer type.
-typedef detail::uint32 uint32_t | -
Default qualifier 32 bit unsigned integer type.
-typedef detail::uint64 uint64_t | -
Default qualifier 64 bit unsigned integer type.
-typedef detail::uint8 uint8_t | -
Default qualifier 8 bit unsigned integer type.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
Include <glm/gtc/type_ptr.hpp> to use the features of this extension. -More...
--Functions | |
template<typename T > | |
GLM_FUNC_DECL mat< 2, 2, T, defaultp > | make_mat2 (T const *const ptr) |
Build a matrix from a pointer. More... | |
template<typename T > | |
GLM_FUNC_DECL mat< 2, 2, T, defaultp > | make_mat2x2 (T const *const ptr) |
Build a matrix from a pointer. More... | |
template<typename T > | |
GLM_FUNC_DECL mat< 2, 3, T, defaultp > | make_mat2x3 (T const *const ptr) |
Build a matrix from a pointer. More... | |
template<typename T > | |
GLM_FUNC_DECL mat< 2, 4, T, defaultp > | make_mat2x4 (T const *const ptr) |
Build a matrix from a pointer. More... | |
template<typename T > | |
GLM_FUNC_DECL mat< 3, 3, T, defaultp > | make_mat3 (T const *const ptr) |
Build a matrix from a pointer. More... | |
template<typename T > | |
GLM_FUNC_DECL mat< 3, 2, T, defaultp > | make_mat3x2 (T const *const ptr) |
Build a matrix from a pointer. More... | |
template<typename T > | |
GLM_FUNC_DECL mat< 3, 3, T, defaultp > | make_mat3x3 (T const *const ptr) |
Build a matrix from a pointer. More... | |
template<typename T > | |
GLM_FUNC_DECL mat< 3, 4, T, defaultp > | make_mat3x4 (T const *const ptr) |
Build a matrix from a pointer. More... | |
template<typename T > | |
GLM_FUNC_DECL mat< 4, 4, T, defaultp > | make_mat4 (T const *const ptr) |
Build a matrix from a pointer. More... | |
template<typename T > | |
GLM_FUNC_DECL mat< 4, 2, T, defaultp > | make_mat4x2 (T const *const ptr) |
Build a matrix from a pointer. More... | |
template<typename T > | |
GLM_FUNC_DECL mat< 4, 3, T, defaultp > | make_mat4x3 (T const *const ptr) |
Build a matrix from a pointer. More... | |
template<typename T > | |
GLM_FUNC_DECL mat< 4, 4, T, defaultp > | make_mat4x4 (T const *const ptr) |
Build a matrix from a pointer. More... | |
template<typename T > | |
GLM_FUNC_DECL qua< T, defaultp > | make_quat (T const *const ptr) |
Build a quaternion from a pointer. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL vec< 1, T, Q > | make_vec1 (vec< 1, T, Q > const &v) |
Build a vector from a pointer. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL vec< 1, T, Q > | make_vec1 (vec< 2, T, Q > const &v) |
Build a vector from a pointer. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL vec< 1, T, Q > | make_vec1 (vec< 3, T, Q > const &v) |
Build a vector from a pointer. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL vec< 1, T, Q > | make_vec1 (vec< 4, T, Q > const &v) |
Build a vector from a pointer. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL vec< 2, T, Q > | make_vec2 (vec< 1, T, Q > const &v) |
Build a vector from a pointer. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL vec< 2, T, Q > | make_vec2 (vec< 2, T, Q > const &v) |
Build a vector from a pointer. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL vec< 2, T, Q > | make_vec2 (vec< 3, T, Q > const &v) |
Build a vector from a pointer. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL vec< 2, T, Q > | make_vec2 (vec< 4, T, Q > const &v) |
Build a vector from a pointer. More... | |
template<typename T > | |
GLM_FUNC_DECL vec< 2, T, defaultp > | make_vec2 (T const *const ptr) |
Build a vector from a pointer. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL vec< 3, T, Q > | make_vec3 (vec< 1, T, Q > const &v) |
Build a vector from a pointer. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL vec< 3, T, Q > | make_vec3 (vec< 2, T, Q > const &v) |
Build a vector from a pointer. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL vec< 3, T, Q > | make_vec3 (vec< 3, T, Q > const &v) |
Build a vector from a pointer. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL vec< 3, T, Q > | make_vec3 (vec< 4, T, Q > const &v) |
Build a vector from a pointer. More... | |
template<typename T > | |
GLM_FUNC_DECL vec< 3, T, defaultp > | make_vec3 (T const *const ptr) |
Build a vector from a pointer. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL vec< 4, T, Q > | make_vec4 (vec< 1, T, Q > const &v) |
Build a vector from a pointer. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL vec< 4, T, Q > | make_vec4 (vec< 2, T, Q > const &v) |
Build a vector from a pointer. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL vec< 4, T, Q > | make_vec4 (vec< 3, T, Q > const &v) |
Build a vector from a pointer. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL vec< 4, T, Q > | make_vec4 (vec< 4, T, Q > const &v) |
Build a vector from a pointer. More... | |
template<typename T > | |
GLM_FUNC_DECL vec< 4, T, defaultp > | make_vec4 (T const *const ptr) |
Build a vector from a pointer. More... | |
template<typename genType > | |
GLM_FUNC_DECL genType::value_type const * | value_ptr (genType const &v) |
Return the constant address to the data of the input parameter. More... | |
Include <glm/gtc/type_ptr.hpp> to use the features of this extension.
-Handles the interaction between pointers and vector, matrix types.
-This extension defines an overloaded function, glm::value_ptr. It returns a pointer to the memory layout of the object. Matrix types store their values in column-major order.
-This is useful for uploading data to matrices or copying data to buffer objects.
-Example:
<glm/gtc/type_ptr.hpp> need to be included to use the features of this extension.
-GLM_FUNC_DECL mat<2, 2, T, defaultp> glm::make_mat2 | -( | -T const *const | -ptr | ) | -- |
Build a matrix from a pointer.
-GLM_FUNC_DECL mat<2, 2, T, defaultp> glm::make_mat2x2 | -( | -T const *const | -ptr | ) | -- |
Build a matrix from a pointer.
-GLM_FUNC_DECL mat<2, 3, T, defaultp> glm::make_mat2x3 | -( | -T const *const | -ptr | ) | -- |
Build a matrix from a pointer.
-GLM_FUNC_DECL mat<2, 4, T, defaultp> glm::make_mat2x4 | -( | -T const *const | -ptr | ) | -- |
Build a matrix from a pointer.
-GLM_FUNC_DECL mat<3, 3, T, defaultp> glm::make_mat3 | -( | -T const *const | -ptr | ) | -- |
Build a matrix from a pointer.
-GLM_FUNC_DECL mat<3, 2, T, defaultp> glm::make_mat3x2 | -( | -T const *const | -ptr | ) | -- |
Build a matrix from a pointer.
-GLM_FUNC_DECL mat<3, 3, T, defaultp> glm::make_mat3x3 | -( | -T const *const | -ptr | ) | -- |
Build a matrix from a pointer.
-GLM_FUNC_DECL mat<3, 4, T, defaultp> glm::make_mat3x4 | -( | -T const *const | -ptr | ) | -- |
Build a matrix from a pointer.
-GLM_FUNC_DECL mat<4, 4, T, defaultp> glm::make_mat4 | -( | -T const *const | -ptr | ) | -- |
Build a matrix from a pointer.
-GLM_FUNC_DECL mat<4, 2, T, defaultp> glm::make_mat4x2 | -( | -T const *const | -ptr | ) | -- |
Build a matrix from a pointer.
-GLM_FUNC_DECL mat<4, 3, T, defaultp> glm::make_mat4x3 | -( | -T const *const | -ptr | ) | -- |
Build a matrix from a pointer.
-GLM_FUNC_DECL mat<4, 4, T, defaultp> glm::make_mat4x4 | -( | -T const *const | -ptr | ) | -- |
Build a matrix from a pointer.
-GLM_FUNC_DECL qua<T, defaultp> glm::make_quat | -( | -T const *const | -ptr | ) | -- |
Build a quaternion from a pointer.
-GLM_FUNC_DECL vec<1, T, Q> glm::make_vec1 | -( | -vec< 1, T, Q > const & | -v | ) | -- |
Build a vector from a pointer.
-GLM_FUNC_DECL vec<1, T, Q> glm::make_vec1 | -( | -vec< 2, T, Q > const & | -v | ) | -- |
Build a vector from a pointer.
-GLM_FUNC_DECL vec<1, T, Q> glm::make_vec1 | -( | -vec< 3, T, Q > const & | -v | ) | -- |
Build a vector from a pointer.
-GLM_FUNC_DECL vec<1, T, Q> glm::make_vec1 | -( | -vec< 4, T, Q > const & | -v | ) | -- |
Build a vector from a pointer.
-GLM_FUNC_DECL vec<2, T, Q> glm::make_vec2 | -( | -vec< 1, T, Q > const & | -v | ) | -- |
Build a vector from a pointer.
-GLM_FUNC_DECL vec<2, T, Q> glm::make_vec2 | -( | -vec< 2, T, Q > const & | -v | ) | -- |
Build a vector from a pointer.
-GLM_FUNC_DECL vec<2, T, Q> glm::make_vec2 | -( | -vec< 3, T, Q > const & | -v | ) | -- |
Build a vector from a pointer.
-GLM_FUNC_DECL vec<2, T, Q> glm::make_vec2 | -( | -vec< 4, T, Q > const & | -v | ) | -- |
Build a vector from a pointer.
-GLM_FUNC_DECL vec<2, T, defaultp> glm::make_vec2 | -( | -T const *const | -ptr | ) | -- |
Build a vector from a pointer.
-GLM_FUNC_DECL vec<3, T, Q> glm::make_vec3 | -( | -vec< 1, T, Q > const & | -v | ) | -- |
Build a vector from a pointer.
-GLM_FUNC_DECL vec<3, T, Q> glm::make_vec3 | -( | -vec< 2, T, Q > const & | -v | ) | -- |
Build a vector from a pointer.
-GLM_FUNC_DECL vec<3, T, Q> glm::make_vec3 | -( | -vec< 3, T, Q > const & | -v | ) | -- |
Build a vector from a pointer.
-GLM_FUNC_DECL vec<3, T, Q> glm::make_vec3 | -( | -vec< 4, T, Q > const & | -v | ) | -- |
Build a vector from a pointer.
-GLM_FUNC_DECL vec<3, T, defaultp> glm::make_vec3 | -( | -T const *const | -ptr | ) | -- |
Build a vector from a pointer.
-GLM_FUNC_DECL vec<4, T, Q> glm::make_vec4 | -( | -vec< 1, T, Q > const & | -v | ) | -- |
Build a vector from a pointer.
-GLM_FUNC_DECL vec<4, T, Q> glm::make_vec4 | -( | -vec< 2, T, Q > const & | -v | ) | -- |
Build a vector from a pointer.
-GLM_FUNC_DECL vec<4, T, Q> glm::make_vec4 | -( | -vec< 3, T, Q > const & | -v | ) | -- |
Build a vector from a pointer.
-GLM_FUNC_DECL vec<4, T, Q> glm::make_vec4 | -( | -vec< 4, T, Q > const & | -v | ) | -- |
Build a vector from a pointer.
-GLM_FUNC_DECL vec<4, T, defaultp> glm::make_vec4 | -( | -T const *const | -ptr | ) | -- |
Build a vector from a pointer.
-GLM_FUNC_DECL genType::value_type const* glm::value_ptr | -( | -genType const & | -v | ) | -- |
Return the constant address to the data of the input parameter.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
Include <glm/gtc/ulp.hpp> to use the features of this extension. -More...
-Include <glm/gtc/ulp.hpp> to use the features of this extension.
-Allow the measurement of the accuracy of a function against a reference implementation. This extension works on floating-point data and provide results in ULP.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
Include <glm/gtc/vec1.hpp> to use the features of this extension. -More...
-Include <glm/gtc/vec1.hpp> to use the features of this extension.
-Add vec1, ivec1, uvec1 and bvec1 types.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
Include <glm/gtx/associated_min_max.hpp> to use the features of this extension. -More...
--Functions | |
template<typename T , typename U > | |
GLM_FUNC_DECL U | associatedMax (T x, U a, T y, U b) |
Maximum comparison between 2 variables and returns 2 associated variable values. More... | |
template<length_t L, typename T , typename U , qualifier Q> | |
GLM_FUNC_DECL vec< 2, U, Q > | associatedMax (vec< L, T, Q > const &x, vec< L, U, Q > const &a, vec< L, T, Q > const &y, vec< L, U, Q > const &b) |
Maximum comparison between 2 variables and returns 2 associated variable values. More... | |
template<length_t L, typename T , typename U , qualifier Q> | |
GLM_FUNC_DECL vec< L, T, Q > | associatedMax (T x, vec< L, U, Q > const &a, T y, vec< L, U, Q > const &b) |
Maximum comparison between 2 variables and returns 2 associated variable values. More... | |
template<length_t L, typename T , typename U , qualifier Q> | |
GLM_FUNC_DECL vec< L, U, Q > | associatedMax (vec< L, T, Q > const &x, U a, vec< L, T, Q > const &y, U b) |
Maximum comparison between 2 variables and returns 2 associated variable values. More... | |
template<typename T , typename U > | |
GLM_FUNC_DECL U | associatedMax (T x, U a, T y, U b, T z, U c) |
Maximum comparison between 3 variables and returns 3 associated variable values. More... | |
template<length_t L, typename T , typename U , qualifier Q> | |
GLM_FUNC_DECL vec< L, U, Q > | associatedMax (vec< L, T, Q > const &x, vec< L, U, Q > const &a, vec< L, T, Q > const &y, vec< L, U, Q > const &b, vec< L, T, Q > const &z, vec< L, U, Q > const &c) |
Maximum comparison between 3 variables and returns 3 associated variable values. More... | |
template<length_t L, typename T , typename U , qualifier Q> | |
GLM_FUNC_DECL vec< L, T, Q > | associatedMax (T x, vec< L, U, Q > const &a, T y, vec< L, U, Q > const &b, T z, vec< L, U, Q > const &c) |
Maximum comparison between 3 variables and returns 3 associated variable values. More... | |
template<length_t L, typename T , typename U , qualifier Q> | |
GLM_FUNC_DECL vec< L, U, Q > | associatedMax (vec< L, T, Q > const &x, U a, vec< L, T, Q > const &y, U b, vec< L, T, Q > const &z, U c) |
Maximum comparison between 3 variables and returns 3 associated variable values. More... | |
template<typename T , typename U > | |
GLM_FUNC_DECL U | associatedMax (T x, U a, T y, U b, T z, U c, T w, U d) |
Maximum comparison between 4 variables and returns 4 associated variable values. More... | |
template<length_t L, typename T , typename U , qualifier Q> | |
GLM_FUNC_DECL vec< L, U, Q > | associatedMax (vec< L, T, Q > const &x, vec< L, U, Q > const &a, vec< L, T, Q > const &y, vec< L, U, Q > const &b, vec< L, T, Q > const &z, vec< L, U, Q > const &c, vec< L, T, Q > const &w, vec< L, U, Q > const &d) |
Maximum comparison between 4 variables and returns 4 associated variable values. More... | |
template<length_t L, typename T , typename U , qualifier Q> | |
GLM_FUNC_DECL vec< L, U, Q > | associatedMax (T x, vec< L, U, Q > const &a, T y, vec< L, U, Q > const &b, T z, vec< L, U, Q > const &c, T w, vec< L, U, Q > const &d) |
Maximum comparison between 4 variables and returns 4 associated variable values. More... | |
template<length_t L, typename T , typename U , qualifier Q> | |
GLM_FUNC_DECL vec< L, U, Q > | associatedMax (vec< L, T, Q > const &x, U a, vec< L, T, Q > const &y, U b, vec< L, T, Q > const &z, U c, vec< L, T, Q > const &w, U d) |
Maximum comparison between 4 variables and returns 4 associated variable values. More... | |
template<typename T , typename U , qualifier Q> | |
GLM_FUNC_DECL U | associatedMin (T x, U a, T y, U b) |
Minimum comparison between 2 variables and returns 2 associated variable values. More... | |
template<length_t L, typename T , typename U , qualifier Q> | |
GLM_FUNC_DECL vec< 2, U, Q > | associatedMin (vec< L, T, Q > const &x, vec< L, U, Q > const &a, vec< L, T, Q > const &y, vec< L, U, Q > const &b) |
Minimum comparison between 2 variables and returns 2 associated variable values. More... | |
template<length_t L, typename T , typename U , qualifier Q> | |
GLM_FUNC_DECL vec< L, U, Q > | associatedMin (T x, const vec< L, U, Q > &a, T y, const vec< L, U, Q > &b) |
Minimum comparison between 2 variables and returns 2 associated variable values. More... | |
template<length_t L, typename T , typename U , qualifier Q> | |
GLM_FUNC_DECL vec< L, U, Q > | associatedMin (vec< L, T, Q > const &x, U a, vec< L, T, Q > const &y, U b) |
Minimum comparison between 2 variables and returns 2 associated variable values. More... | |
template<typename T , typename U > | |
GLM_FUNC_DECL U | associatedMin (T x, U a, T y, U b, T z, U c) |
Minimum comparison between 3 variables and returns 3 associated variable values. More... | |
template<length_t L, typename T , typename U , qualifier Q> | |
GLM_FUNC_DECL vec< L, U, Q > | associatedMin (vec< L, T, Q > const &x, vec< L, U, Q > const &a, vec< L, T, Q > const &y, vec< L, U, Q > const &b, vec< L, T, Q > const &z, vec< L, U, Q > const &c) |
Minimum comparison between 3 variables and returns 3 associated variable values. More... | |
template<typename T , typename U > | |
GLM_FUNC_DECL U | associatedMin (T x, U a, T y, U b, T z, U c, T w, U d) |
Minimum comparison between 4 variables and returns 4 associated variable values. More... | |
template<length_t L, typename T , typename U , qualifier Q> | |
GLM_FUNC_DECL vec< L, U, Q > | associatedMin (vec< L, T, Q > const &x, vec< L, U, Q > const &a, vec< L, T, Q > const &y, vec< L, U, Q > const &b, vec< L, T, Q > const &z, vec< L, U, Q > const &c, vec< L, T, Q > const &w, vec< L, U, Q > const &d) |
Minimum comparison between 4 variables and returns 4 associated variable values. More... | |
template<length_t L, typename T , typename U , qualifier Q> | |
GLM_FUNC_DECL vec< L, U, Q > | associatedMin (T x, vec< L, U, Q > const &a, T y, vec< L, U, Q > const &b, T z, vec< L, U, Q > const &c, T w, vec< L, U, Q > const &d) |
Minimum comparison between 4 variables and returns 4 associated variable values. More... | |
template<length_t L, typename T , typename U , qualifier Q> | |
GLM_FUNC_DECL vec< L, U, Q > | associatedMin (vec< L, T, Q > const &x, U a, vec< L, T, Q > const &y, U b, vec< L, T, Q > const &z, U c, vec< L, T, Q > const &w, U d) |
Minimum comparison between 4 variables and returns 4 associated variable values. More... | |
Include <glm/gtx/associated_min_max.hpp> to use the features of this extension.
-Min and max functions that return associated values not the compared onces.
-GLM_FUNC_DECL U glm::associatedMax | -( | -T | -x, | -
- | - | U | -a, | -
- | - | T | -y, | -
- | - | U | -b | -
- | ) | -- |
Maximum comparison between 2 variables and returns 2 associated variable values.
-GLM_FUNC_DECL vec<2, U, Q> glm::associatedMax | -( | -vec< L, T, Q > const & | -x, | -
- | - | vec< L, U, Q > const & | -a, | -
- | - | vec< L, T, Q > const & | -y, | -
- | - | vec< L, U, Q > const & | -b | -
- | ) | -- |
Maximum comparison between 2 variables and returns 2 associated variable values.
-GLM_FUNC_DECL vec<L, T, Q> glm::associatedMax | -( | -T | -x, | -
- | - | vec< L, U, Q > const & | -a, | -
- | - | T | -y, | -
- | - | vec< L, U, Q > const & | -b | -
- | ) | -- |
Maximum comparison between 2 variables and returns 2 associated variable values.
-GLM_FUNC_DECL vec<L, U, Q> glm::associatedMax | -( | -vec< L, T, Q > const & | -x, | -
- | - | U | -a, | -
- | - | vec< L, T, Q > const & | -y, | -
- | - | U | -b | -
- | ) | -- |
Maximum comparison between 2 variables and returns 2 associated variable values.
-GLM_FUNC_DECL U glm::associatedMax | -( | -T | -x, | -
- | - | U | -a, | -
- | - | T | -y, | -
- | - | U | -b, | -
- | - | T | -z, | -
- | - | U | -c | -
- | ) | -- |
Maximum comparison between 3 variables and returns 3 associated variable values.
-GLM_FUNC_DECL vec<L, U, Q> glm::associatedMax | -( | -vec< L, T, Q > const & | -x, | -
- | - | vec< L, U, Q > const & | -a, | -
- | - | vec< L, T, Q > const & | -y, | -
- | - | vec< L, U, Q > const & | -b, | -
- | - | vec< L, T, Q > const & | -z, | -
- | - | vec< L, U, Q > const & | -c | -
- | ) | -- |
Maximum comparison between 3 variables and returns 3 associated variable values.
-GLM_FUNC_DECL vec<L, T, Q> glm::associatedMax | -( | -T | -x, | -
- | - | vec< L, U, Q > const & | -a, | -
- | - | T | -y, | -
- | - | vec< L, U, Q > const & | -b, | -
- | - | T | -z, | -
- | - | vec< L, U, Q > const & | -c | -
- | ) | -- |
Maximum comparison between 3 variables and returns 3 associated variable values.
-GLM_FUNC_DECL vec<L, U, Q> glm::associatedMax | -( | -vec< L, T, Q > const & | -x, | -
- | - | U | -a, | -
- | - | vec< L, T, Q > const & | -y, | -
- | - | U | -b, | -
- | - | vec< L, T, Q > const & | -z, | -
- | - | U | -c | -
- | ) | -- |
Maximum comparison between 3 variables and returns 3 associated variable values.
-GLM_FUNC_DECL U glm::associatedMax | -( | -T | -x, | -
- | - | U | -a, | -
- | - | T | -y, | -
- | - | U | -b, | -
- | - | T | -z, | -
- | - | U | -c, | -
- | - | T | -w, | -
- | - | U | -d | -
- | ) | -- |
Maximum comparison between 4 variables and returns 4 associated variable values.
-GLM_FUNC_DECL vec<L, U, Q> glm::associatedMax | -( | -vec< L, T, Q > const & | -x, | -
- | - | vec< L, U, Q > const & | -a, | -
- | - | vec< L, T, Q > const & | -y, | -
- | - | vec< L, U, Q > const & | -b, | -
- | - | vec< L, T, Q > const & | -z, | -
- | - | vec< L, U, Q > const & | -c, | -
- | - | vec< L, T, Q > const & | -w, | -
- | - | vec< L, U, Q > const & | -d | -
- | ) | -- |
Maximum comparison between 4 variables and returns 4 associated variable values.
-GLM_FUNC_DECL vec<L, U, Q> glm::associatedMax | -( | -T | -x, | -
- | - | vec< L, U, Q > const & | -a, | -
- | - | T | -y, | -
- | - | vec< L, U, Q > const & | -b, | -
- | - | T | -z, | -
- | - | vec< L, U, Q > const & | -c, | -
- | - | T | -w, | -
- | - | vec< L, U, Q > const & | -d | -
- | ) | -- |
Maximum comparison between 4 variables and returns 4 associated variable values.
-GLM_FUNC_DECL vec<L, U, Q> glm::associatedMax | -( | -vec< L, T, Q > const & | -x, | -
- | - | U | -a, | -
- | - | vec< L, T, Q > const & | -y, | -
- | - | U | -b, | -
- | - | vec< L, T, Q > const & | -z, | -
- | - | U | -c, | -
- | - | vec< L, T, Q > const & | -w, | -
- | - | U | -d | -
- | ) | -- |
Maximum comparison between 4 variables and returns 4 associated variable values.
-GLM_FUNC_DECL U glm::associatedMin | -( | -T | -x, | -
- | - | U | -a, | -
- | - | T | -y, | -
- | - | U | -b | -
- | ) | -- |
Minimum comparison between 2 variables and returns 2 associated variable values.
-GLM_FUNC_DECL vec<2, U, Q> glm::associatedMin | -( | -vec< L, T, Q > const & | -x, | -
- | - | vec< L, U, Q > const & | -a, | -
- | - | vec< L, T, Q > const & | -y, | -
- | - | vec< L, U, Q > const & | -b | -
- | ) | -- |
Minimum comparison between 2 variables and returns 2 associated variable values.
-GLM_FUNC_DECL vec<L, U, Q> glm::associatedMin | -( | -T | -x, | -
- | - | const vec< L, U, Q > & | -a, | -
- | - | T | -y, | -
- | - | const vec< L, U, Q > & | -b | -
- | ) | -- |
Minimum comparison between 2 variables and returns 2 associated variable values.
-GLM_FUNC_DECL vec<L, U, Q> glm::associatedMin | -( | -vec< L, T, Q > const & | -x, | -
- | - | U | -a, | -
- | - | vec< L, T, Q > const & | -y, | -
- | - | U | -b | -
- | ) | -- |
Minimum comparison between 2 variables and returns 2 associated variable values.
-GLM_FUNC_DECL U glm::associatedMin | -( | -T | -x, | -
- | - | U | -a, | -
- | - | T | -y, | -
- | - | U | -b, | -
- | - | T | -z, | -
- | - | U | -c | -
- | ) | -- |
Minimum comparison between 3 variables and returns 3 associated variable values.
-GLM_FUNC_DECL vec<L, U, Q> glm::associatedMin | -( | -vec< L, T, Q > const & | -x, | -
- | - | vec< L, U, Q > const & | -a, | -
- | - | vec< L, T, Q > const & | -y, | -
- | - | vec< L, U, Q > const & | -b, | -
- | - | vec< L, T, Q > const & | -z, | -
- | - | vec< L, U, Q > const & | -c | -
- | ) | -- |
Minimum comparison between 3 variables and returns 3 associated variable values.
-GLM_FUNC_DECL U glm::associatedMin | -( | -T | -x, | -
- | - | U | -a, | -
- | - | T | -y, | -
- | - | U | -b, | -
- | - | T | -z, | -
- | - | U | -c, | -
- | - | T | -w, | -
- | - | U | -d | -
- | ) | -- |
Minimum comparison between 4 variables and returns 4 associated variable values.
-GLM_FUNC_DECL vec<L, U, Q> glm::associatedMin | -( | -vec< L, T, Q > const & | -x, | -
- | - | vec< L, U, Q > const & | -a, | -
- | - | vec< L, T, Q > const & | -y, | -
- | - | vec< L, U, Q > const & | -b, | -
- | - | vec< L, T, Q > const & | -z, | -
- | - | vec< L, U, Q > const & | -c, | -
- | - | vec< L, T, Q > const & | -w, | -
- | - | vec< L, U, Q > const & | -d | -
- | ) | -- |
Minimum comparison between 4 variables and returns 4 associated variable values.
-GLM_FUNC_DECL vec<L, U, Q> glm::associatedMin | -( | -T | -x, | -
- | - | vec< L, U, Q > const & | -a, | -
- | - | T | -y, | -
- | - | vec< L, U, Q > const & | -b, | -
- | - | T | -z, | -
- | - | vec< L, U, Q > const & | -c, | -
- | - | T | -w, | -
- | - | vec< L, U, Q > const & | -d | -
- | ) | -- |
Minimum comparison between 4 variables and returns 4 associated variable values.
-GLM_FUNC_DECL vec<L, U, Q> glm::associatedMin | -( | -vec< L, T, Q > const & | -x, | -
- | - | U | -a, | -
- | - | vec< L, T, Q > const & | -y, | -
- | - | U | -b, | -
- | - | vec< L, T, Q > const & | -z, | -
- | - | U | -c, | -
- | - | vec< L, T, Q > const & | -w, | -
- | - | U | -d | -
- | ) | -- |
Minimum comparison between 4 variables and returns 4 associated variable values.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
Include <glm/gtx/bit.hpp> to use the features of this extension. -More...
--Functions | |
template<typename genIUType > | |
GLM_FUNC_DECL genIUType | highestBitValue (genIUType Value) |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, T, Q > | highestBitValue (vec< L, T, Q > const &value) |
Find the highest bit set to 1 in a integer variable and return its value. More... | |
template<typename genIUType > | |
GLM_FUNC_DECL genIUType | lowestBitValue (genIUType Value) |
template<typename genIUType > | |
GLM_DEPRECATED GLM_FUNC_DECL genIUType | powerOfTwoAbove (genIUType Value) |
Return the power of two number which value is just higher the input value. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_DEPRECATED GLM_FUNC_DECL vec< L, T, Q > | powerOfTwoAbove (vec< L, T, Q > const &value) |
Return the power of two number which value is just higher the input value. More... | |
template<typename genIUType > | |
GLM_DEPRECATED GLM_FUNC_DECL genIUType | powerOfTwoBelow (genIUType Value) |
Return the power of two number which value is just lower the input value. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_DEPRECATED GLM_FUNC_DECL vec< L, T, Q > | powerOfTwoBelow (vec< L, T, Q > const &value) |
Return the power of two number which value is just lower the input value. More... | |
template<typename genIUType > | |
GLM_DEPRECATED GLM_FUNC_DECL genIUType | powerOfTwoNearest (genIUType Value) |
Return the power of two number which value is the closet to the input value. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_DEPRECATED GLM_FUNC_DECL vec< L, T, Q > | powerOfTwoNearest (vec< L, T, Q > const &value) |
Return the power of two number which value is the closet to the input value. More... | |
Include <glm/gtx/bit.hpp> to use the features of this extension.
-Allow to perform bit operations on integer values
-GLM_FUNC_DECL genIUType glm::highestBitValue | -( | -genIUType | -Value | ) | -- |
GLM_FUNC_DECL vec<L, T, Q> glm::highestBitValue | -( | -vec< L, T, Q > const & | -value | ) | -- |
Find the highest bit set to 1 in a integer variable and return its value.
-GLM_FUNC_DECL genIUType glm::lowestBitValue | -( | -genIUType | -Value | ) | -- |
GLM_DEPRECATED GLM_FUNC_DECL genIUType glm::powerOfTwoAbove | -( | -genIUType | -Value | ) | -- |
Return the power of two number which value is just higher the input value.
-Deprecated, use ceilPowerOfTwo from GTC_round instead
-GLM_DEPRECATED GLM_FUNC_DECL vec<L, T, Q> glm::powerOfTwoAbove | -( | -vec< L, T, Q > const & | -value | ) | -- |
Return the power of two number which value is just higher the input value.
-Deprecated, use ceilPowerOfTwo from GTC_round instead
-GLM_DEPRECATED GLM_FUNC_DECL genIUType glm::powerOfTwoBelow | -( | -genIUType | -Value | ) | -- |
Return the power of two number which value is just lower the input value.
-Deprecated, use floorPowerOfTwo from GTC_round instead
-GLM_DEPRECATED GLM_FUNC_DECL vec<L, T, Q> glm::powerOfTwoBelow | -( | -vec< L, T, Q > const & | -value | ) | -- |
Return the power of two number which value is just lower the input value.
-Deprecated, use floorPowerOfTwo from GTC_round instead
-GLM_DEPRECATED GLM_FUNC_DECL genIUType glm::powerOfTwoNearest | -( | -genIUType | -Value | ) | -- |
Return the power of two number which value is the closet to the input value.
-Deprecated, use roundPowerOfTwo from GTC_round instead
-GLM_DEPRECATED GLM_FUNC_DECL vec<L, T, Q> glm::powerOfTwoNearest | -( | -vec< L, T, Q > const & | -value | ) | -- |
Return the power of two number which value is the closet to the input value.
-Deprecated, use roundPowerOfTwo from GTC_round instead
-![]() |
-
- 0.9.9 API documentation
-
- |
-
Include <glm/gtx/closest_point.hpp> to use the features of this extension. -More...
--Functions | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL vec< 3, T, Q > | closestPointOnLine (vec< 3, T, Q > const &point, vec< 3, T, Q > const &a, vec< 3, T, Q > const &b) |
Find the point on a straight line which is the closet of a point. More... | |
-template<typename T , qualifier Q> | |
GLM_FUNC_DECL vec< 2, T, Q > | closestPointOnLine (vec< 2, T, Q > const &point, vec< 2, T, Q > const &a, vec< 2, T, Q > const &b) |
2d lines work as well | |
Include <glm/gtx/closest_point.hpp> to use the features of this extension.
-Find the point on a straight line which is the closet of a point.
-GLM_FUNC_DECL vec<3, T, Q> glm::closestPointOnLine | -( | -vec< 3, T, Q > const & | -point, | -
- | - | vec< 3, T, Q > const & | -a, | -
- | - | vec< 3, T, Q > const & | -b | -
- | ) | -- |
Find the point on a straight line which is the closet of a point.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
Include <glm/gtx/color_encoding.hpp> to use the features of this extension. -More...
--Functions | |
-template<typename T , qualifier Q> | |
GLM_FUNC_DECL vec< 3, T, Q > | convertD65XYZToD50XYZ (vec< 3, T, Q > const &ColorD65XYZ) |
Convert a D65 YUV color to D50 YUV. | |
-template<typename T , qualifier Q> | |
GLM_FUNC_DECL vec< 3, T, Q > | convertD65XYZToLinearSRGB (vec< 3, T, Q > const &ColorD65XYZ) |
Convert a D65 YUV color to linear sRGB. | |
-template<typename T , qualifier Q> | |
GLM_FUNC_DECL vec< 3, T, Q > | convertLinearSRGBToD50XYZ (vec< 3, T, Q > const &ColorLinearSRGB) |
Convert a linear sRGB color to D50 YUV. | |
-template<typename T , qualifier Q> | |
GLM_FUNC_DECL vec< 3, T, Q > | convertLinearSRGBToD65XYZ (vec< 3, T, Q > const &ColorLinearSRGB) |
Convert a linear sRGB color to D65 YUV. | |
Include <glm/gtx/color_encoding.hpp> to use the features of this extension.
-Allow to perform bit operations on integer values
-![]() |
-
- 0.9.9 API documentation
-
- |
-
Include <glm/gtx/color_space.hpp> to use the features of this extension. -More...
--Functions | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL vec< 3, T, Q > | hsvColor (vec< 3, T, Q > const &rgbValue) |
Converts a color from RGB color space to its color in HSV color space. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL T | luminosity (vec< 3, T, Q > const &color) |
Compute color luminosity associating ratios (0.33, 0.59, 0.11) to RGB canals. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL vec< 3, T, Q > | rgbColor (vec< 3, T, Q > const &hsvValue) |
Converts a color from HSV color space to its color in RGB color space. More... | |
template<typename T > | |
GLM_FUNC_DECL mat< 4, 4, T, defaultp > | saturation (T const s) |
Build a saturation matrix. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL vec< 3, T, Q > | saturation (T const s, vec< 3, T, Q > const &color) |
Modify the saturation of a color. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL vec< 4, T, Q > | saturation (T const s, vec< 4, T, Q > const &color) |
Modify the saturation of a color. More... | |
Include <glm/gtx/color_space.hpp> to use the features of this extension.
-Related to RGB to HSV conversions and operations.
-GLM_FUNC_DECL vec<3, T, Q> glm::hsvColor | -( | -vec< 3, T, Q > const & | -rgbValue | ) | -- |
Converts a color from RGB color space to its color in HSV color space.
-GLM_FUNC_DECL T glm::luminosity | -( | -vec< 3, T, Q > const & | -color | ) | -- |
Compute color luminosity associating ratios (0.33, 0.59, 0.11) to RGB canals.
-GLM_FUNC_DECL vec<3, T, Q> glm::rgbColor | -( | -vec< 3, T, Q > const & | -hsvValue | ) | -- |
Converts a color from HSV color space to its color in RGB color space.
-GLM_FUNC_DECL mat<4, 4, T, defaultp> glm::saturation | -( | -T const | -s | ) | -- |
Build a saturation matrix.
-GLM_FUNC_DECL vec<3, T, Q> glm::saturation | -( | -T const | -s, | -
- | - | vec< 3, T, Q > const & | -color | -
- | ) | -- |
Modify the saturation of a color.
-GLM_FUNC_DECL vec<4, T, Q> glm::saturation | -( | -T const | -s, | -
- | - | vec< 4, T, Q > const & | -color | -
- | ) | -- |
Modify the saturation of a color.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
Include <glm/gtx/color_space_YCoCg.hpp> to use the features of this extension. -More...
--Functions | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL vec< 3, T, Q > | rgb2YCoCg (vec< 3, T, Q > const &rgbColor) |
Convert a color from RGB color space to YCoCg color space. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL vec< 3, T, Q > | rgb2YCoCgR (vec< 3, T, Q > const &rgbColor) |
Convert a color from RGB color space to YCoCgR color space. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL vec< 3, T, Q > | YCoCg2rgb (vec< 3, T, Q > const &YCoCgColor) |
Convert a color from YCoCg color space to RGB color space. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL vec< 3, T, Q > | YCoCgR2rgb (vec< 3, T, Q > const &YCoCgColor) |
Convert a color from YCoCgR color space to RGB color space. More... | |
Include <glm/gtx/color_space_YCoCg.hpp> to use the features of this extension.
-RGB to YCoCg conversions and operations
-GLM_FUNC_DECL vec<3, T, Q> glm::rgb2YCoCg | -( | -vec< 3, T, Q > const & | -rgbColor | ) | -- |
Convert a color from RGB color space to YCoCg color space.
-GLM_FUNC_DECL vec<3, T, Q> glm::rgb2YCoCgR | -( | -vec< 3, T, Q > const & | -rgbColor | ) | -- |
Convert a color from RGB color space to YCoCgR color space.
-GLM_FUNC_DECL vec<3, T, Q> glm::YCoCg2rgb | -( | -vec< 3, T, Q > const & | -YCoCgColor | ) | -- |
Convert a color from YCoCg color space to RGB color space.
-GLM_FUNC_DECL vec<3, T, Q> glm::YCoCgR2rgb | -( | -vec< 3, T, Q > const & | -YCoCgColor | ) | -- |
Convert a color from YCoCgR color space to RGB color space.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
Include <glm/gtx/common.hpp> to use the features of this extension. -More...
--Functions | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, bool, Q > | closeBounded (vec< L, T, Q > const &Value, vec< L, T, Q > const &Min, vec< L, T, Q > const &Max) |
Returns whether vector components values are within an interval. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, T, Q > | fmod (vec< L, T, Q > const &v) |
Similar to 'mod' but with a different rounding and integer support. More... | |
template<typename genType > | |
GLM_FUNC_DECL genType::bool_type | isdenormal (genType const &x) |
Returns true if x is a denormalized number Numbers whose absolute value is too small to be represented in the normal format are represented in an alternate, denormalized format. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, bool, Q > | openBounded (vec< L, T, Q > const &Value, vec< L, T, Q > const &Min, vec< L, T, Q > const &Max) |
Returns whether vector components values are within an interval. More... | |
Include <glm/gtx/common.hpp> to use the features of this extension.
-Provide functions to increase the compatibility with Cg and HLSL languages
-GLM_FUNC_DECL vec<L, bool, Q> glm::closeBounded | -( | -vec< L, T, Q > const & | -Value, | -
- | - | vec< L, T, Q > const & | -Min, | -
- | - | vec< L, T, Q > const & | -Max | -
- | ) | -- |
Returns whether vector components values are within an interval.
-A closed interval includes its endpoints, and is denoted with square brackets.
-L | Integer between 1 and 4 included that qualify the dimension of the vector |
T | Floating-point or integer scalar types |
Q | Value from qualifier enum |
GLM_FUNC_DECL vec<L, T, Q> glm::fmod | -( | -vec< L, T, Q > const & | -v | ) | -- |
Similar to 'mod' but with a different rounding and integer support.
-Returns 'x - y * trunc(x/y)' instead of 'x - y * floor(x/y)'
-GLM_FUNC_DECL genType::bool_type glm::isdenormal | -( | -genType const & | -x | ) | -- |
Returns true if x is a denormalized number Numbers whose absolute value is too small to be represented in the normal format are represented in an alternate, denormalized format.
-This format is less precise but can represent values closer to zero.
-genType | Floating-point scalar or vector types. |
GLM_FUNC_DECL vec<L, bool, Q> glm::openBounded | -( | -vec< L, T, Q > const & | -Value, | -
- | - | vec< L, T, Q > const & | -Min, | -
- | - | vec< L, T, Q > const & | -Max | -
- | ) | -- |
Returns whether vector components values are within an interval.
-A open interval excludes its endpoints, and is denoted with square brackets.
-L | Integer between 1 and 4 included that qualify the dimension of the vector |
T | Floating-point or integer scalar types |
Q | Value from qualifier enum |
![]() |
-
- 0.9.9 API documentation
-
- |
-
Include <glm/gtx/compatibility.hpp> to use the features of this extension. -More...
--Typedefs | |
-typedef bool | bool1 |
boolean type with 1 component. (From GLM_GTX_compatibility extension) | |
-typedef bool | bool1x1 |
boolean matrix with 1 x 1 component. (From GLM_GTX_compatibility extension) | |
-typedef vec< 2, bool, highp > | bool2 |
boolean type with 2 components. (From GLM_GTX_compatibility extension) | |
-typedef mat< 2, 2, bool, highp > | bool2x2 |
boolean matrix with 2 x 2 components. (From GLM_GTX_compatibility extension) | |
-typedef mat< 2, 3, bool, highp > | bool2x3 |
boolean matrix with 2 x 3 components. (From GLM_GTX_compatibility extension) | |
-typedef mat< 2, 4, bool, highp > | bool2x4 |
boolean matrix with 2 x 4 components. (From GLM_GTX_compatibility extension) | |
-typedef vec< 3, bool, highp > | bool3 |
boolean type with 3 components. (From GLM_GTX_compatibility extension) | |
-typedef mat< 3, 2, bool, highp > | bool3x2 |
boolean matrix with 3 x 2 components. (From GLM_GTX_compatibility extension) | |
-typedef mat< 3, 3, bool, highp > | bool3x3 |
boolean matrix with 3 x 3 components. (From GLM_GTX_compatibility extension) | |
-typedef mat< 3, 4, bool, highp > | bool3x4 |
boolean matrix with 3 x 4 components. (From GLM_GTX_compatibility extension) | |
-typedef vec< 4, bool, highp > | bool4 |
boolean type with 4 components. (From GLM_GTX_compatibility extension) | |
-typedef mat< 4, 2, bool, highp > | bool4x2 |
boolean matrix with 4 x 2 components. (From GLM_GTX_compatibility extension) | |
-typedef mat< 4, 3, bool, highp > | bool4x3 |
boolean matrix with 4 x 3 components. (From GLM_GTX_compatibility extension) | |
-typedef mat< 4, 4, bool, highp > | bool4x4 |
boolean matrix with 4 x 4 components. (From GLM_GTX_compatibility extension) | |
-typedef double | double1 |
double-qualifier floating-point vector with 1 component. (From GLM_GTX_compatibility extension) | |
-typedef double | double1x1 |
double-qualifier floating-point matrix with 1 component. (From GLM_GTX_compatibility extension) | |
-typedef vec< 2, double, highp > | double2 |
double-qualifier floating-point vector with 2 components. (From GLM_GTX_compatibility extension) | |
-typedef mat< 2, 2, double, highp > | double2x2 |
double-qualifier floating-point matrix with 2 x 2 components. (From GLM_GTX_compatibility extension) | |
-typedef mat< 2, 3, double, highp > | double2x3 |
double-qualifier floating-point matrix with 2 x 3 components. (From GLM_GTX_compatibility extension) | |
-typedef mat< 2, 4, double, highp > | double2x4 |
double-qualifier floating-point matrix with 2 x 4 components. (From GLM_GTX_compatibility extension) | |
-typedef vec< 3, double, highp > | double3 |
double-qualifier floating-point vector with 3 components. (From GLM_GTX_compatibility extension) | |
-typedef mat< 3, 2, double, highp > | double3x2 |
double-qualifier floating-point matrix with 3 x 2 components. (From GLM_GTX_compatibility extension) | |
-typedef mat< 3, 3, double, highp > | double3x3 |
double-qualifier floating-point matrix with 3 x 3 components. (From GLM_GTX_compatibility extension) | |
-typedef mat< 3, 4, double, highp > | double3x4 |
double-qualifier floating-point matrix with 3 x 4 components. (From GLM_GTX_compatibility extension) | |
-typedef vec< 4, double, highp > | double4 |
double-qualifier floating-point vector with 4 components. (From GLM_GTX_compatibility extension) | |
-typedef mat< 4, 2, double, highp > | double4x2 |
double-qualifier floating-point matrix with 4 x 2 components. (From GLM_GTX_compatibility extension) | |
-typedef mat< 4, 3, double, highp > | double4x3 |
double-qualifier floating-point matrix with 4 x 3 components. (From GLM_GTX_compatibility extension) | |
-typedef mat< 4, 4, double, highp > | double4x4 |
double-qualifier floating-point matrix with 4 x 4 components. (From GLM_GTX_compatibility extension) | |
-typedef float | float1 |
single-qualifier floating-point vector with 1 component. (From GLM_GTX_compatibility extension) | |
-typedef float | float1x1 |
single-qualifier floating-point matrix with 1 component. (From GLM_GTX_compatibility extension) | |
-typedef vec< 2, float, highp > | float2 |
single-qualifier floating-point vector with 2 components. (From GLM_GTX_compatibility extension) | |
-typedef mat< 2, 2, float, highp > | float2x2 |
single-qualifier floating-point matrix with 2 x 2 components. (From GLM_GTX_compatibility extension) | |
-typedef mat< 2, 3, float, highp > | float2x3 |
single-qualifier floating-point matrix with 2 x 3 components. (From GLM_GTX_compatibility extension) | |
-typedef mat< 2, 4, float, highp > | float2x4 |
single-qualifier floating-point matrix with 2 x 4 components. (From GLM_GTX_compatibility extension) | |
-typedef vec< 3, float, highp > | float3 |
single-qualifier floating-point vector with 3 components. (From GLM_GTX_compatibility extension) | |
-typedef mat< 3, 2, float, highp > | float3x2 |
single-qualifier floating-point matrix with 3 x 2 components. (From GLM_GTX_compatibility extension) | |
-typedef mat< 3, 3, float, highp > | float3x3 |
single-qualifier floating-point matrix with 3 x 3 components. (From GLM_GTX_compatibility extension) | |
-typedef mat< 3, 4, float, highp > | float3x4 |
single-qualifier floating-point matrix with 3 x 4 components. (From GLM_GTX_compatibility extension) | |
-typedef vec< 4, float, highp > | float4 |
single-qualifier floating-point vector with 4 components. (From GLM_GTX_compatibility extension) | |
-typedef mat< 4, 2, float, highp > | float4x2 |
single-qualifier floating-point matrix with 4 x 2 components. (From GLM_GTX_compatibility extension) | |
-typedef mat< 4, 3, float, highp > | float4x3 |
single-qualifier floating-point matrix with 4 x 3 components. (From GLM_GTX_compatibility extension) | |
-typedef mat< 4, 4, float, highp > | float4x4 |
single-qualifier floating-point matrix with 4 x 4 components. (From GLM_GTX_compatibility extension) | |
-typedef int | int1 |
integer vector with 1 component. (From GLM_GTX_compatibility extension) | |
-typedef int | int1x1 |
integer matrix with 1 component. (From GLM_GTX_compatibility extension) | |
-typedef vec< 2, int, highp > | int2 |
integer vector with 2 components. (From GLM_GTX_compatibility extension) | |
-typedef mat< 2, 2, int, highp > | int2x2 |
integer matrix with 2 x 2 components. (From GLM_GTX_compatibility extension) | |
-typedef mat< 2, 3, int, highp > | int2x3 |
integer matrix with 2 x 3 components. (From GLM_GTX_compatibility extension) | |
-typedef mat< 2, 4, int, highp > | int2x4 |
integer matrix with 2 x 4 components. (From GLM_GTX_compatibility extension) | |
-typedef vec< 3, int, highp > | int3 |
integer vector with 3 components. (From GLM_GTX_compatibility extension) | |
-typedef mat< 3, 2, int, highp > | int3x2 |
integer matrix with 3 x 2 components. (From GLM_GTX_compatibility extension) | |
-typedef mat< 3, 3, int, highp > | int3x3 |
integer matrix with 3 x 3 components. (From GLM_GTX_compatibility extension) | |
-typedef mat< 3, 4, int, highp > | int3x4 |
integer matrix with 3 x 4 components. (From GLM_GTX_compatibility extension) | |
-typedef vec< 4, int, highp > | int4 |
integer vector with 4 components. (From GLM_GTX_compatibility extension) | |
-typedef mat< 4, 2, int, highp > | int4x2 |
integer matrix with 4 x 2 components. (From GLM_GTX_compatibility extension) | |
-typedef mat< 4, 3, int, highp > | int4x3 |
integer matrix with 4 x 3 components. (From GLM_GTX_compatibility extension) | |
-typedef mat< 4, 4, int, highp > | int4x4 |
integer matrix with 4 x 4 components. (From GLM_GTX_compatibility extension) | |
-Functions | |
-template<typename T , qualifier Q> | |
GLM_FUNC_QUALIFIER T | atan2 (T x, T y) |
Arc tangent. Returns an angle whose tangent is y/x. The signs of x and y are used to determine what quadrant the angle is in. The range of values returned by this function is [-PI, PI]. Results are undefined if x and y are both 0. (From GLM_GTX_compatibility) | |
-template<typename T , qualifier Q> | |
GLM_FUNC_QUALIFIER vec< 2, T, Q > | atan2 (const vec< 2, T, Q > &x, const vec< 2, T, Q > &y) |
Arc tangent. Returns an angle whose tangent is y/x. The signs of x and y are used to determine what quadrant the angle is in. The range of values returned by this function is [-PI, PI]. Results are undefined if x and y are both 0. (From GLM_GTX_compatibility) | |
-template<typename T , qualifier Q> | |
GLM_FUNC_QUALIFIER vec< 3, T, Q > | atan2 (const vec< 3, T, Q > &x, const vec< 3, T, Q > &y) |
Arc tangent. Returns an angle whose tangent is y/x. The signs of x and y are used to determine what quadrant the angle is in. The range of values returned by this function is [-PI, PI]. Results are undefined if x and y are both 0. (From GLM_GTX_compatibility) | |
-template<typename T , qualifier Q> | |
GLM_FUNC_QUALIFIER vec< 4, T, Q > | atan2 (const vec< 4, T, Q > &x, const vec< 4, T, Q > &y) |
Arc tangent. Returns an angle whose tangent is y/x. The signs of x and y are used to determine what quadrant the angle is in. The range of values returned by this function is [-PI, PI]. Results are undefined if x and y are both 0. (From GLM_GTX_compatibility) | |
-template<typename genType > | |
GLM_FUNC_DECL bool | isfinite (genType const &x) |
Test whether or not a scalar or each vector component is a finite value. (From GLM_GTX_compatibility) | |
-template<typename T , qualifier Q> | |
GLM_FUNC_DECL vec< 1, bool, Q > | isfinite (const vec< 1, T, Q > &x) |
Test whether or not a scalar or each vector component is a finite value. (From GLM_GTX_compatibility) | |
-template<typename T , qualifier Q> | |
GLM_FUNC_DECL vec< 2, bool, Q > | isfinite (const vec< 2, T, Q > &x) |
Test whether or not a scalar or each vector component is a finite value. (From GLM_GTX_compatibility) | |
-template<typename T , qualifier Q> | |
GLM_FUNC_DECL vec< 3, bool, Q > | isfinite (const vec< 3, T, Q > &x) |
Test whether or not a scalar or each vector component is a finite value. (From GLM_GTX_compatibility) | |
-template<typename T , qualifier Q> | |
GLM_FUNC_DECL vec< 4, bool, Q > | isfinite (const vec< 4, T, Q > &x) |
Test whether or not a scalar or each vector component is a finite value. (From GLM_GTX_compatibility) | |
-template<typename T > | |
GLM_FUNC_QUALIFIER T | lerp (T x, T y, T a) |
Returns x * (1.0 - a) + y * a, i.e., the linear blend of x and y using the floating-point value a. The value for a is not restricted to the range [0, 1]. (From GLM_GTX_compatibility) | |
-template<typename T , qualifier Q> | |
GLM_FUNC_QUALIFIER vec< 2, T, Q > | lerp (const vec< 2, T, Q > &x, const vec< 2, T, Q > &y, T a) |
Returns x * (1.0 - a) + y * a, i.e., the linear blend of x and y using the floating-point value a. The value for a is not restricted to the range [0, 1]. (From GLM_GTX_compatibility) | |
-template<typename T , qualifier Q> | |
GLM_FUNC_QUALIFIER vec< 3, T, Q > | lerp (const vec< 3, T, Q > &x, const vec< 3, T, Q > &y, T a) |
Returns x * (1.0 - a) + y * a, i.e., the linear blend of x and y using the floating-point value a. The value for a is not restricted to the range [0, 1]. (From GLM_GTX_compatibility) | |
-template<typename T , qualifier Q> | |
GLM_FUNC_QUALIFIER vec< 4, T, Q > | lerp (const vec< 4, T, Q > &x, const vec< 4, T, Q > &y, T a) |
Returns x * (1.0 - a) + y * a, i.e., the linear blend of x and y using the floating-point value a. The value for a is not restricted to the range [0, 1]. (From GLM_GTX_compatibility) | |
-template<typename T , qualifier Q> | |
GLM_FUNC_QUALIFIER vec< 2, T, Q > | lerp (const vec< 2, T, Q > &x, const vec< 2, T, Q > &y, const vec< 2, T, Q > &a) |
Returns the component-wise result of x * (1.0 - a) + y * a, i.e., the linear blend of x and y using vector a. The value for a is not restricted to the range [0, 1]. (From GLM_GTX_compatibility) | |
-template<typename T , qualifier Q> | |
GLM_FUNC_QUALIFIER vec< 3, T, Q > | lerp (const vec< 3, T, Q > &x, const vec< 3, T, Q > &y, const vec< 3, T, Q > &a) |
Returns the component-wise result of x * (1.0 - a) + y * a, i.e., the linear blend of x and y using vector a. The value for a is not restricted to the range [0, 1]. (From GLM_GTX_compatibility) | |
-template<typename T , qualifier Q> | |
GLM_FUNC_QUALIFIER vec< 4, T, Q > | lerp (const vec< 4, T, Q > &x, const vec< 4, T, Q > &y, const vec< 4, T, Q > &a) |
Returns the component-wise result of x * (1.0 - a) + y * a, i.e., the linear blend of x and y using vector a. The value for a is not restricted to the range [0, 1]. (From GLM_GTX_compatibility) | |
-template<typename T , qualifier Q> | |
GLM_FUNC_QUALIFIER T | saturate (T x) |
Returns clamp(x, 0, 1) for each component in x. (From GLM_GTX_compatibility) | |
-template<typename T , qualifier Q> | |
GLM_FUNC_QUALIFIER vec< 2, T, Q > | saturate (const vec< 2, T, Q > &x) |
Returns clamp(x, 0, 1) for each component in x. (From GLM_GTX_compatibility) | |
-template<typename T , qualifier Q> | |
GLM_FUNC_QUALIFIER vec< 3, T, Q > | saturate (const vec< 3, T, Q > &x) |
Returns clamp(x, 0, 1) for each component in x. (From GLM_GTX_compatibility) | |
-template<typename T , qualifier Q> | |
GLM_FUNC_QUALIFIER vec< 4, T, Q > | saturate (const vec< 4, T, Q > &x) |
Returns clamp(x, 0, 1) for each component in x. (From GLM_GTX_compatibility) | |
Include <glm/gtx/compatibility.hpp> to use the features of this extension.
-Provide functions to increase the compatibility with Cg and HLSL languages
-![]() |
-
- 0.9.9 API documentation
-
- |
-
Include <glm/gtx/component_wise.hpp> to use the features of this extension. -More...
--Functions | |
template<typename genType > | |
GLM_FUNC_DECL genType::value_type | compAdd (genType const &v) |
Add all vector components together. More... | |
template<typename genType > | |
GLM_FUNC_DECL genType::value_type | compMax (genType const &v) |
Find the maximum value between single vector components. More... | |
template<typename genType > | |
GLM_FUNC_DECL genType::value_type | compMin (genType const &v) |
Find the minimum value between single vector components. More... | |
template<typename genType > | |
GLM_FUNC_DECL genType::value_type | compMul (genType const &v) |
Multiply all vector components together. More... | |
template<typename floatType , length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, floatType, Q > | compNormalize (vec< L, T, Q > const &v) |
Convert an integer vector to a normalized float vector. More... | |
template<length_t L, typename T , typename floatType , qualifier Q> | |
GLM_FUNC_DECL vec< L, T, Q > | compScale (vec< L, floatType, Q > const &v) |
Convert a normalized float vector to an integer vector. More... | |
Include <glm/gtx/component_wise.hpp> to use the features of this extension.
-Operations between components of a type
-GLM_FUNC_DECL genType::value_type glm::compAdd | -( | -genType const & | -v | ) | -- |
Add all vector components together.
-GLM_FUNC_DECL genType::value_type glm::compMax | -( | -genType const & | -v | ) | -- |
Find the maximum value between single vector components.
-GLM_FUNC_DECL genType::value_type glm::compMin | -( | -genType const & | -v | ) | -- |
Find the minimum value between single vector components.
-GLM_FUNC_DECL genType::value_type glm::compMul | -( | -genType const & | -v | ) | -- |
Multiply all vector components together.
-GLM_FUNC_DECL vec<L, floatType, Q> glm::compNormalize | -( | -vec< L, T, Q > const & | -v | ) | -- |
Convert an integer vector to a normalized float vector.
-If the parameter value type is already a floating qualifier type, the value is passed through.
GLM_FUNC_DECL vec<L, T, Q> glm::compScale | -( | -vec< L, floatType, Q > const & | -v | ) | -- |
Convert a normalized float vector to an integer vector.
-If the parameter value type is already a floating qualifier type, the value is passed through.
![]() |
-
- 0.9.9 API documentation
-
- |
-
Include <glm/gtx/dual_quaternion.hpp> to use the features of this extension. -More...
--Typedefs | |
typedef highp_ddualquat | ddualquat |
Dual-quaternion of default double-qualifier floating-point numbers. More... | |
typedef highp_fdualquat | dualquat |
Dual-quaternion of floating-point numbers. More... | |
typedef highp_fdualquat | fdualquat |
Dual-quaternion of single-qualifier floating-point numbers. More... | |
typedef tdualquat< double, highp > | highp_ddualquat |
Dual-quaternion of high double-qualifier floating-point numbers. More... | |
typedef tdualquat< float, highp > | highp_dualquat |
Dual-quaternion of high single-qualifier floating-point numbers. More... | |
typedef tdualquat< float, highp > | highp_fdualquat |
Dual-quaternion of high single-qualifier floating-point numbers. More... | |
typedef tdualquat< double, lowp > | lowp_ddualquat |
Dual-quaternion of low double-qualifier floating-point numbers. More... | |
typedef tdualquat< float, lowp > | lowp_dualquat |
Dual-quaternion of low single-qualifier floating-point numbers. More... | |
typedef tdualquat< float, lowp > | lowp_fdualquat |
Dual-quaternion of low single-qualifier floating-point numbers. More... | |
typedef tdualquat< double, mediump > | mediump_ddualquat |
Dual-quaternion of medium double-qualifier floating-point numbers. More... | |
typedef tdualquat< float, mediump > | mediump_dualquat |
Dual-quaternion of medium single-qualifier floating-point numbers. More... | |
typedef tdualquat< float, mediump > | mediump_fdualquat |
Dual-quaternion of medium single-qualifier floating-point numbers. More... | |
-Functions | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL tdualquat< T, Q > | dual_quat_identity () |
Creates an identity dual quaternion. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL tdualquat< T, Q > | dualquat_cast (mat< 2, 4, T, Q > const &x) |
Converts a 2 * 4 matrix (matrix which holds real and dual parts) to a quaternion. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL tdualquat< T, Q > | dualquat_cast (mat< 3, 4, T, Q > const &x) |
Converts a 3 * 4 matrix (augmented matrix rotation + translation) to a quaternion. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL tdualquat< T, Q > | inverse (tdualquat< T, Q > const &q) |
Returns the q inverse. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL tdualquat< T, Q > | lerp (tdualquat< T, Q > const &x, tdualquat< T, Q > const &y, T const &a) |
Returns the linear interpolation of two dual quaternion. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL mat< 2, 4, T, Q > | mat2x4_cast (tdualquat< T, Q > const &x) |
Converts a quaternion to a 2 * 4 matrix. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL mat< 3, 4, T, Q > | mat3x4_cast (tdualquat< T, Q > const &x) |
Converts a quaternion to a 3 * 4 matrix. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL tdualquat< T, Q > | normalize (tdualquat< T, Q > const &q) |
Returns the normalized quaternion. More... | |
Include <glm/gtx/dual_quaternion.hpp> to use the features of this extension.
-Defines a templated dual-quaternion type and several dual-quaternion operations.
-typedef highp_ddualquat ddualquat | -
Dual-quaternion of default double-qualifier floating-point numbers.
-Definition at line 260 of file dual_quaternion.hpp.
- -typedef highp_fdualquat dualquat | -
Dual-quaternion of floating-point numbers.
-Definition at line 236 of file dual_quaternion.hpp.
- -typedef highp_fdualquat fdualquat | -
Dual-quaternion of single-qualifier floating-point numbers.
-Definition at line 241 of file dual_quaternion.hpp.
- -typedef tdualquat<double, highp> highp_ddualquat | -
Dual-quaternion of high double-qualifier floating-point numbers.
-Definition at line 229 of file dual_quaternion.hpp.
- -typedef tdualquat<float, highp> highp_dualquat | -
Dual-quaternion of high single-qualifier floating-point numbers.
-Definition at line 197 of file dual_quaternion.hpp.
- -typedef tdualquat<float, highp> highp_fdualquat | -
Dual-quaternion of high single-qualifier floating-point numbers.
-Definition at line 213 of file dual_quaternion.hpp.
- -typedef tdualquat<double, lowp> lowp_ddualquat | -
Dual-quaternion of low double-qualifier floating-point numbers.
-Definition at line 219 of file dual_quaternion.hpp.
- -typedef tdualquat<float, lowp> lowp_dualquat | -
Dual-quaternion of low single-qualifier floating-point numbers.
-Definition at line 187 of file dual_quaternion.hpp.
- -typedef tdualquat<float, lowp> lowp_fdualquat | -
Dual-quaternion of low single-qualifier floating-point numbers.
-Definition at line 203 of file dual_quaternion.hpp.
- -typedef tdualquat<double, mediump> mediump_ddualquat | -
Dual-quaternion of medium double-qualifier floating-point numbers.
-Definition at line 224 of file dual_quaternion.hpp.
- -typedef tdualquat<float, mediump> mediump_dualquat | -
Dual-quaternion of medium single-qualifier floating-point numbers.
-Definition at line 192 of file dual_quaternion.hpp.
- -typedef tdualquat<float, mediump> mediump_fdualquat | -
Dual-quaternion of medium single-qualifier floating-point numbers.
-Definition at line 208 of file dual_quaternion.hpp.
- -GLM_FUNC_DECL tdualquat<T, Q> glm::dual_quat_identity | -( | -) | -- |
Creates an identity dual quaternion.
-GLM_FUNC_DECL tdualquat<T, Q> glm::dualquat_cast | -( | -mat< 2, 4, T, Q > const & | -x | ) | -- |
Converts a 2 * 4 matrix (matrix which holds real and dual parts) to a quaternion.
-GLM_FUNC_DECL tdualquat<T, Q> glm::dualquat_cast | -( | -mat< 3, 4, T, Q > const & | -x | ) | -- |
Converts a 3 * 4 matrix (augmented matrix rotation + translation) to a quaternion.
-GLM_FUNC_DECL tdualquat<T, Q> glm::inverse | -( | -tdualquat< T, Q > const & | -q | ) | -- |
Returns the q inverse.
-GLM_FUNC_DECL tdualquat<T, Q> glm::lerp | -( | -tdualquat< T, Q > const & | -x, | -
- | - | tdualquat< T, Q > const & | -y, | -
- | - | T const & | -a | -
- | ) | -- |
Returns the linear interpolation of two dual quaternion.
-GLM_FUNC_DECL mat<2, 4, T, Q> glm::mat2x4_cast | -( | -tdualquat< T, Q > const & | -x | ) | -- |
Converts a quaternion to a 2 * 4 matrix.
-GLM_FUNC_DECL mat<3, 4, T, Q> glm::mat3x4_cast | -( | -tdualquat< T, Q > const & | -x | ) | -- |
Converts a quaternion to a 3 * 4 matrix.
-GLM_FUNC_DECL tdualquat<T, Q> glm::normalize | -( | -tdualquat< T, Q > const & | -q | ) | -- |
Returns the normalized quaternion.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
Include <glm/gtx/easing.hpp> to use the features of this extension. -More...
--Functions | |
template<typename genType > | |
GLM_FUNC_DECL genType | backEaseIn (genType const &a) |
template<typename genType > | |
GLM_FUNC_DECL genType | backEaseIn (genType const &a, genType const &o) |
template<typename genType > | |
GLM_FUNC_DECL genType | backEaseInOut (genType const &a) |
template<typename genType > | |
GLM_FUNC_DECL genType | backEaseInOut (genType const &a, genType const &o) |
template<typename genType > | |
GLM_FUNC_DECL genType | backEaseOut (genType const &a) |
template<typename genType > | |
GLM_FUNC_DECL genType | backEaseOut (genType const &a, genType const &o) |
template<typename genType > | |
GLM_FUNC_DECL genType | bounceEaseIn (genType const &a) |
template<typename genType > | |
GLM_FUNC_DECL genType | bounceEaseInOut (genType const &a) |
template<typename genType > | |
GLM_FUNC_DECL genType | bounceEaseOut (genType const &a) |
template<typename genType > | |
GLM_FUNC_DECL genType | circularEaseIn (genType const &a) |
Modelled after shifted quadrant IV of unit circle. More... | |
template<typename genType > | |
GLM_FUNC_DECL genType | circularEaseInOut (genType const &a) |
Modelled after the piecewise circular function y = (1/2)(1 - sqrt(1 - 4x^2)) ; [0, 0.5) y = (1/2)(sqrt(-(2x - 3)*(2x - 1)) + 1) ; [0.5, 1]. More... | |
template<typename genType > | |
GLM_FUNC_DECL genType | circularEaseOut (genType const &a) |
Modelled after shifted quadrant II of unit circle. More... | |
-template<typename genType > | |
GLM_FUNC_DECL genType | cubicEaseIn (genType const &a) |
Modelled after the cubic y = x^3. | |
template<typename genType > | |
GLM_FUNC_DECL genType | cubicEaseInOut (genType const &a) |
Modelled after the piecewise cubic y = (1/2)((2x)^3) ; [0, 0.5) y = (1/2)((2x-2)^3 + 2) ; [0.5, 1]. More... | |
template<typename genType > | |
GLM_FUNC_DECL genType | cubicEaseOut (genType const &a) |
Modelled after the cubic y = (x - 1)^3 + 1. More... | |
template<typename genType > | |
GLM_FUNC_DECL genType | elasticEaseIn (genType const &a) |
Modelled after the damped sine wave y = sin(13pi/2*x)*pow(2, 10 * (x - 1)) More... | |
template<typename genType > | |
GLM_FUNC_DECL genType | elasticEaseInOut (genType const &a) |
Modelled after the piecewise exponentially-damped sine wave: y = (1/2)*sin(13pi/2*(2*x))*pow(2, 10 * ((2*x) - 1)) ; [0,0.5) y = (1/2)*(sin(-13pi/2*((2x-1)+1))*pow(2,-10(2*x-1)) + 2) ; [0.5, 1]. More... | |
template<typename genType > | |
GLM_FUNC_DECL genType | elasticEaseOut (genType const &a) |
Modelled after the damped sine wave y = sin(-13pi/2*(x + 1))*pow(2, -10x) + 1. More... | |
template<typename genType > | |
GLM_FUNC_DECL genType | exponentialEaseIn (genType const &a) |
Modelled after the exponential function y = 2^(10(x - 1)) More... | |
template<typename genType > | |
GLM_FUNC_DECL genType | exponentialEaseInOut (genType const &a) |
Modelled after the piecewise exponential y = (1/2)2^(10(2x - 1)) ; [0,0.5) y = -(1/2)*2^(-10(2x - 1))) + 1 ; [0.5,1]. More... | |
template<typename genType > | |
GLM_FUNC_DECL genType | exponentialEaseOut (genType const &a) |
Modelled after the exponential function y = -2^(-10x) + 1. More... | |
template<typename genType > | |
GLM_FUNC_DECL genType | linearInterpolation (genType const &a) |
Modelled after the line y = x. More... | |
template<typename genType > | |
GLM_FUNC_DECL genType | quadraticEaseIn (genType const &a) |
Modelled after the parabola y = x^2. More... | |
template<typename genType > | |
GLM_FUNC_DECL genType | quadraticEaseInOut (genType const &a) |
Modelled after the piecewise quadratic y = (1/2)((2x)^2) ; [0, 0.5) y = -(1/2)((2x-1)*(2x-3) - 1) ; [0.5, 1]. More... | |
template<typename genType > | |
GLM_FUNC_DECL genType | quadraticEaseOut (genType const &a) |
Modelled after the parabola y = -x^2 + 2x. More... | |
template<typename genType > | |
GLM_FUNC_DECL genType | quarticEaseIn (genType const &a) |
Modelled after the quartic x^4. More... | |
template<typename genType > | |
GLM_FUNC_DECL genType | quarticEaseInOut (genType const &a) |
Modelled after the piecewise quartic y = (1/2)((2x)^4) ; [0, 0.5) y = -(1/2)((2x-2)^4 - 2) ; [0.5, 1]. More... | |
template<typename genType > | |
GLM_FUNC_DECL genType | quarticEaseOut (genType const &a) |
Modelled after the quartic y = 1 - (x - 1)^4. More... | |
template<typename genType > | |
GLM_FUNC_DECL genType | quinticEaseIn (genType const &a) |
Modelled after the quintic y = x^5. More... | |
template<typename genType > | |
GLM_FUNC_DECL genType | quinticEaseInOut (genType const &a) |
Modelled after the piecewise quintic y = (1/2)((2x)^5) ; [0, 0.5) y = (1/2)((2x-2)^5 + 2) ; [0.5, 1]. More... | |
template<typename genType > | |
GLM_FUNC_DECL genType | quinticEaseOut (genType const &a) |
Modelled after the quintic y = (x - 1)^5 + 1. More... | |
template<typename genType > | |
GLM_FUNC_DECL genType | sineEaseIn (genType const &a) |
Modelled after quarter-cycle of sine wave. More... | |
template<typename genType > | |
GLM_FUNC_DECL genType | sineEaseInOut (genType const &a) |
Modelled after half sine wave. More... | |
template<typename genType > | |
GLM_FUNC_DECL genType | sineEaseOut (genType const &a) |
Modelled after quarter-cycle of sine wave (different phase) More... | |
Include <glm/gtx/easing.hpp> to use the features of this extension.
-Easing functions for animations and transitons All functions take a parameter x in the range [0.0,1.0]
-Based on the AHEasing project of Warren Moore (https://github.com/warrenm/AHEasing)
-GLM_FUNC_DECL genType glm::backEaseIn | -( | -genType const & | -a | ) | -- |
GLM_FUNC_DECL genType glm::backEaseIn | -( | -genType const & | -a, | -
- | - | genType const & | -o | -
- | ) | -- |
a | parameter |
o | Optional overshoot modifier |
GLM_FUNC_DECL genType glm::backEaseInOut | -( | -genType const & | -a | ) | -- |
GLM_FUNC_DECL genType glm::backEaseInOut | -( | -genType const & | -a, | -
- | - | genType const & | -o | -
- | ) | -- |
a | parameter |
o | Optional overshoot modifier |
GLM_FUNC_DECL genType glm::backEaseOut | -( | -genType const & | -a | ) | -- |
GLM_FUNC_DECL genType glm::backEaseOut | -( | -genType const & | -a, | -
- | - | genType const & | -o | -
- | ) | -- |
a | parameter |
o | Optional overshoot modifier |
GLM_FUNC_DECL genType glm::bounceEaseIn | -( | -genType const & | -a | ) | -- |
GLM_FUNC_DECL genType glm::bounceEaseInOut | -( | -genType const & | -a | ) | -- |
GLM_FUNC_DECL genType glm::bounceEaseOut | -( | -genType const & | -a | ) | -- |
GLM_FUNC_DECL genType glm::circularEaseIn | -( | -genType const & | -a | ) | -- |
Modelled after shifted quadrant IV of unit circle.
-GLM_FUNC_DECL genType glm::circularEaseInOut | -( | -genType const & | -a | ) | -- |
Modelled after the piecewise circular function y = (1/2)(1 - sqrt(1 - 4x^2)) ; [0, 0.5) y = (1/2)(sqrt(-(2x - 3)*(2x - 1)) + 1) ; [0.5, 1].
-GLM_FUNC_DECL genType glm::circularEaseOut | -( | -genType const & | -a | ) | -- |
Modelled after shifted quadrant II of unit circle.
-GLM_FUNC_DECL genType glm::cubicEaseInOut | -( | -genType const & | -a | ) | -- |
Modelled after the piecewise cubic y = (1/2)((2x)^3) ; [0, 0.5) y = (1/2)((2x-2)^3 + 2) ; [0.5, 1].
-GLM_FUNC_DECL genType glm::cubicEaseOut | -( | -genType const & | -a | ) | -- |
Modelled after the cubic y = (x - 1)^3 + 1.
-GLM_FUNC_DECL genType glm::elasticEaseIn | -( | -genType const & | -a | ) | -- |
Modelled after the damped sine wave y = sin(13pi/2*x)*pow(2, 10 * (x - 1))
-GLM_FUNC_DECL genType glm::elasticEaseInOut | -( | -genType const & | -a | ) | -- |
Modelled after the piecewise exponentially-damped sine wave: y = (1/2)*sin(13pi/2*(2*x))*pow(2, 10 * ((2*x) - 1)) ; [0,0.5) y = (1/2)*(sin(-13pi/2*((2x-1)+1))*pow(2,-10(2*x-1)) + 2) ; [0.5, 1].
-GLM_FUNC_DECL genType glm::elasticEaseOut | -( | -genType const & | -a | ) | -- |
Modelled after the damped sine wave y = sin(-13pi/2*(x + 1))*pow(2, -10x) + 1.
-GLM_FUNC_DECL genType glm::exponentialEaseIn | -( | -genType const & | -a | ) | -- |
Modelled after the exponential function y = 2^(10(x - 1))
-GLM_FUNC_DECL genType glm::exponentialEaseInOut | -( | -genType const & | -a | ) | -- |
Modelled after the piecewise exponential y = (1/2)2^(10(2x - 1)) ; [0,0.5) y = -(1/2)*2^(-10(2x - 1))) + 1 ; [0.5,1].
-GLM_FUNC_DECL genType glm::exponentialEaseOut | -( | -genType const & | -a | ) | -- |
Modelled after the exponential function y = -2^(-10x) + 1.
-GLM_FUNC_DECL genType glm::linearInterpolation | -( | -genType const & | -a | ) | -- |
Modelled after the line y = x.
-GLM_FUNC_DECL genType glm::quadraticEaseIn | -( | -genType const & | -a | ) | -- |
Modelled after the parabola y = x^2.
-GLM_FUNC_DECL genType glm::quadraticEaseInOut | -( | -genType const & | -a | ) | -- |
Modelled after the piecewise quadratic y = (1/2)((2x)^2) ; [0, 0.5) y = -(1/2)((2x-1)*(2x-3) - 1) ; [0.5, 1].
-GLM_FUNC_DECL genType glm::quadraticEaseOut | -( | -genType const & | -a | ) | -- |
Modelled after the parabola y = -x^2 + 2x.
-GLM_FUNC_DECL genType glm::quarticEaseIn | -( | -genType const & | -a | ) | -- |
Modelled after the quartic x^4.
-GLM_FUNC_DECL genType glm::quarticEaseInOut | -( | -genType const & | -a | ) | -- |
Modelled after the piecewise quartic y = (1/2)((2x)^4) ; [0, 0.5) y = -(1/2)((2x-2)^4 - 2) ; [0.5, 1].
-GLM_FUNC_DECL genType glm::quarticEaseOut | -( | -genType const & | -a | ) | -- |
Modelled after the quartic y = 1 - (x - 1)^4.
-GLM_FUNC_DECL genType glm::quinticEaseIn | -( | -genType const & | -a | ) | -- |
Modelled after the quintic y = x^5.
-GLM_FUNC_DECL genType glm::quinticEaseInOut | -( | -genType const & | -a | ) | -- |
Modelled after the piecewise quintic y = (1/2)((2x)^5) ; [0, 0.5) y = (1/2)((2x-2)^5 + 2) ; [0.5, 1].
-GLM_FUNC_DECL genType glm::quinticEaseOut | -( | -genType const & | -a | ) | -- |
Modelled after the quintic y = (x - 1)^5 + 1.
-GLM_FUNC_DECL genType glm::sineEaseIn | -( | -genType const & | -a | ) | -- |
Modelled after quarter-cycle of sine wave.
-GLM_FUNC_DECL genType glm::sineEaseInOut | -( | -genType const & | -a | ) | -- |
Modelled after half sine wave.
-GLM_FUNC_DECL genType glm::sineEaseOut | -( | -genType const & | -a | ) | -- |
Modelled after quarter-cycle of sine wave (different phase)
-![]() |
-
- 0.9.9 API documentation
-
- |
-
Include <glm/gtx/euler_angles.hpp> to use the features of this extension. -More...
--Functions | |
template<typename T > | |
GLM_FUNC_DECL mat< 4, 4, T, defaultp > | derivedEulerAngleX (T const &angleX, T const &angularVelocityX) |
Creates a 3D 4 * 4 homogeneous derived matrix from the rotation matrix about X-axis. More... | |
template<typename T > | |
GLM_FUNC_DECL mat< 4, 4, T, defaultp > | derivedEulerAngleY (T const &angleY, T const &angularVelocityY) |
Creates a 3D 4 * 4 homogeneous derived matrix from the rotation matrix about Y-axis. More... | |
template<typename T > | |
GLM_FUNC_DECL mat< 4, 4, T, defaultp > | derivedEulerAngleZ (T const &angleZ, T const &angularVelocityZ) |
Creates a 3D 4 * 4 homogeneous derived matrix from the rotation matrix about Z-axis. More... | |
template<typename T > | |
GLM_FUNC_DECL mat< 4, 4, T, defaultp > | eulerAngleX (T const &angleX) |
Creates a 3D 4 * 4 homogeneous rotation matrix from an euler angle X. More... | |
template<typename T > | |
GLM_FUNC_DECL mat< 4, 4, T, defaultp > | eulerAngleXY (T const &angleX, T const &angleY) |
Creates a 3D 4 * 4 homogeneous rotation matrix from euler angles (X * Y). More... | |
template<typename T > | |
GLM_FUNC_DECL mat< 4, 4, T, defaultp > | eulerAngleXYX (T const &t1, T const &t2, T const &t3) |
Creates a 3D 4 * 4 homogeneous rotation matrix from euler angles (X * Y * X). More... | |
template<typename T > | |
GLM_FUNC_DECL mat< 4, 4, T, defaultp > | eulerAngleXYZ (T const &t1, T const &t2, T const &t3) |
Creates a 3D 4 * 4 homogeneous rotation matrix from euler angles (X * Y * Z). More... | |
template<typename T > | |
GLM_FUNC_DECL mat< 4, 4, T, defaultp > | eulerAngleXZ (T const &angleX, T const &angleZ) |
Creates a 3D 4 * 4 homogeneous rotation matrix from euler angles (X * Z). More... | |
template<typename T > | |
GLM_FUNC_DECL mat< 4, 4, T, defaultp > | eulerAngleXZX (T const &t1, T const &t2, T const &t3) |
Creates a 3D 4 * 4 homogeneous rotation matrix from euler angles (X * Z * X). More... | |
template<typename T > | |
GLM_FUNC_DECL mat< 4, 4, T, defaultp > | eulerAngleXZY (T const &t1, T const &t2, T const &t3) |
Creates a 3D 4 * 4 homogeneous rotation matrix from euler angles (X * Z * Y). More... | |
template<typename T > | |
GLM_FUNC_DECL mat< 4, 4, T, defaultp > | eulerAngleY (T const &angleY) |
Creates a 3D 4 * 4 homogeneous rotation matrix from an euler angle Y. More... | |
template<typename T > | |
GLM_FUNC_DECL mat< 4, 4, T, defaultp > | eulerAngleYX (T const &angleY, T const &angleX) |
Creates a 3D 4 * 4 homogeneous rotation matrix from euler angles (Y * X). More... | |
template<typename T > | |
GLM_FUNC_DECL mat< 4, 4, T, defaultp > | eulerAngleYXY (T const &t1, T const &t2, T const &t3) |
Creates a 3D 4 * 4 homogeneous rotation matrix from euler angles (Y * X * Y). More... | |
template<typename T > | |
GLM_FUNC_DECL mat< 4, 4, T, defaultp > | eulerAngleYXZ (T const &yaw, T const &pitch, T const &roll) |
Creates a 3D 4 * 4 homogeneous rotation matrix from euler angles (Y * X * Z). More... | |
template<typename T > | |
GLM_FUNC_DECL mat< 4, 4, T, defaultp > | eulerAngleYZ (T const &angleY, T const &angleZ) |
Creates a 3D 4 * 4 homogeneous rotation matrix from euler angles (Y * Z). More... | |
template<typename T > | |
GLM_FUNC_DECL mat< 4, 4, T, defaultp > | eulerAngleYZX (T const &t1, T const &t2, T const &t3) |
Creates a 3D 4 * 4 homogeneous rotation matrix from euler angles (Y * Z * X). More... | |
template<typename T > | |
GLM_FUNC_DECL mat< 4, 4, T, defaultp > | eulerAngleYZY (T const &t1, T const &t2, T const &t3) |
Creates a 3D 4 * 4 homogeneous rotation matrix from euler angles (Y * Z * Y). More... | |
template<typename T > | |
GLM_FUNC_DECL mat< 4, 4, T, defaultp > | eulerAngleZ (T const &angleZ) |
Creates a 3D 4 * 4 homogeneous rotation matrix from an euler angle Z. More... | |
template<typename T > | |
GLM_FUNC_DECL mat< 4, 4, T, defaultp > | eulerAngleZX (T const &angle, T const &angleX) |
Creates a 3D 4 * 4 homogeneous rotation matrix from euler angles (Z * X). More... | |
template<typename T > | |
GLM_FUNC_DECL mat< 4, 4, T, defaultp > | eulerAngleZXY (T const &t1, T const &t2, T const &t3) |
Creates a 3D 4 * 4 homogeneous rotation matrix from euler angles (Z * X * Y). More... | |
template<typename T > | |
GLM_FUNC_DECL mat< 4, 4, T, defaultp > | eulerAngleZXZ (T const &t1, T const &t2, T const &t3) |
Creates a 3D 4 * 4 homogeneous rotation matrix from euler angles (Z * X * Z). More... | |
template<typename T > | |
GLM_FUNC_DECL mat< 4, 4, T, defaultp > | eulerAngleZY (T const &angleZ, T const &angleY) |
Creates a 3D 4 * 4 homogeneous rotation matrix from euler angles (Z * Y). More... | |
template<typename T > | |
GLM_FUNC_DECL mat< 4, 4, T, defaultp > | eulerAngleZYX (T const &t1, T const &t2, T const &t3) |
Creates a 3D 4 * 4 homogeneous rotation matrix from euler angles (Z * Y * X). More... | |
template<typename T > | |
GLM_FUNC_DECL mat< 4, 4, T, defaultp > | eulerAngleZYZ (T const &t1, T const &t2, T const &t3) |
Creates a 3D 4 * 4 homogeneous rotation matrix from euler angles (Z * Y * Z). More... | |
template<typename T > | |
GLM_FUNC_DECL void | extractEulerAngleXYX (mat< 4, 4, T, defaultp > const &M, T &t1, T &t2, T &t3) |
Extracts the (X * Y * X) Euler angles from the rotation matrix M. More... | |
template<typename T > | |
GLM_FUNC_DECL void | extractEulerAngleXYZ (mat< 4, 4, T, defaultp > const &M, T &t1, T &t2, T &t3) |
Extracts the (X * Y * Z) Euler angles from the rotation matrix M. More... | |
template<typename T > | |
GLM_FUNC_DECL void | extractEulerAngleXZX (mat< 4, 4, T, defaultp > const &M, T &t1, T &t2, T &t3) |
Extracts the (X * Z * X) Euler angles from the rotation matrix M. More... | |
template<typename T > | |
GLM_FUNC_DECL void | extractEulerAngleXZY (mat< 4, 4, T, defaultp > const &M, T &t1, T &t2, T &t3) |
Extracts the (X * Z * Y) Euler angles from the rotation matrix M. More... | |
template<typename T > | |
GLM_FUNC_DECL void | extractEulerAngleYXY (mat< 4, 4, T, defaultp > const &M, T &t1, T &t2, T &t3) |
Extracts the (Y * X * Y) Euler angles from the rotation matrix M. More... | |
template<typename T > | |
GLM_FUNC_DECL void | extractEulerAngleYXZ (mat< 4, 4, T, defaultp > const &M, T &t1, T &t2, T &t3) |
Extracts the (Y * X * Z) Euler angles from the rotation matrix M. More... | |
template<typename T > | |
GLM_FUNC_DECL void | extractEulerAngleYZX (mat< 4, 4, T, defaultp > const &M, T &t1, T &t2, T &t3) |
Extracts the (Y * Z * X) Euler angles from the rotation matrix M. More... | |
template<typename T > | |
GLM_FUNC_DECL void | extractEulerAngleYZY (mat< 4, 4, T, defaultp > const &M, T &t1, T &t2, T &t3) |
Extracts the (Y * Z * Y) Euler angles from the rotation matrix M. More... | |
template<typename T > | |
GLM_FUNC_DECL void | extractEulerAngleZXY (mat< 4, 4, T, defaultp > const &M, T &t1, T &t2, T &t3) |
Extracts the (Z * X * Y) Euler angles from the rotation matrix M. More... | |
template<typename T > | |
GLM_FUNC_DECL void | extractEulerAngleZXZ (mat< 4, 4, T, defaultp > const &M, T &t1, T &t2, T &t3) |
Extracts the (Z * X * Z) Euler angles from the rotation matrix M. More... | |
template<typename T > | |
GLM_FUNC_DECL void | extractEulerAngleZYX (mat< 4, 4, T, defaultp > const &M, T &t1, T &t2, T &t3) |
Extracts the (Z * Y * X) Euler angles from the rotation matrix M. More... | |
template<typename T > | |
GLM_FUNC_DECL void | extractEulerAngleZYZ (mat< 4, 4, T, defaultp > const &M, T &t1, T &t2, T &t3) |
Extracts the (Z * Y * Z) Euler angles from the rotation matrix M. More... | |
template<typename T > | |
GLM_FUNC_DECL mat< 2, 2, T, defaultp > | orientate2 (T const &angle) |
Creates a 2D 2 * 2 rotation matrix from an euler angle. More... | |
template<typename T > | |
GLM_FUNC_DECL mat< 3, 3, T, defaultp > | orientate3 (T const &angle) |
Creates a 2D 4 * 4 homogeneous rotation matrix from an euler angle. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL mat< 3, 3, T, Q > | orientate3 (vec< 3, T, Q > const &angles) |
Creates a 3D 3 * 3 rotation matrix from euler angles (Y * X * Z). More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL mat< 4, 4, T, Q > | orientate4 (vec< 3, T, Q > const &angles) |
Creates a 3D 4 * 4 homogeneous rotation matrix from euler angles (Y * X * Z). More... | |
template<typename T > | |
GLM_FUNC_DECL mat< 4, 4, T, defaultp > | yawPitchRoll (T const &yaw, T const &pitch, T const &roll) |
Creates a 3D 4 * 4 homogeneous rotation matrix from euler angles (Y * X * Z). More... | |
Include <glm/gtx/euler_angles.hpp> to use the features of this extension.
-Build matrices from Euler angles.
-Extraction of Euler angles from rotation matrix. Based on the original paper 2014 Mike Day - Extracting Euler Angles from a Rotation Matrix.
-GLM_FUNC_DECL mat<4, 4, T, defaultp> glm::derivedEulerAngleX | -( | -T const & | -angleX, | -
- | - | T const & | -angularVelocityX | -
- | ) | -- |
Creates a 3D 4 * 4 homogeneous derived matrix from the rotation matrix about X-axis.
-GLM_FUNC_DECL mat<4, 4, T, defaultp> glm::derivedEulerAngleY | -( | -T const & | -angleY, | -
- | - | T const & | -angularVelocityY | -
- | ) | -- |
Creates a 3D 4 * 4 homogeneous derived matrix from the rotation matrix about Y-axis.
-GLM_FUNC_DECL mat<4, 4, T, defaultp> glm::derivedEulerAngleZ | -( | -T const & | -angleZ, | -
- | - | T const & | -angularVelocityZ | -
- | ) | -- |
Creates a 3D 4 * 4 homogeneous derived matrix from the rotation matrix about Z-axis.
-GLM_FUNC_DECL mat<4, 4, T, defaultp> glm::eulerAngleX | -( | -T const & | -angleX | ) | -- |
Creates a 3D 4 * 4 homogeneous rotation matrix from an euler angle X.
-GLM_FUNC_DECL mat<4, 4, T, defaultp> glm::eulerAngleXY | -( | -T const & | -angleX, | -
- | - | T const & | -angleY | -
- | ) | -- |
Creates a 3D 4 * 4 homogeneous rotation matrix from euler angles (X * Y).
-GLM_FUNC_DECL mat<4, 4, T, defaultp> glm::eulerAngleXYX | -( | -T const & | -t1, | -
- | - | T const & | -t2, | -
- | - | T const & | -t3 | -
- | ) | -- |
Creates a 3D 4 * 4 homogeneous rotation matrix from euler angles (X * Y * X).
-GLM_FUNC_DECL mat<4, 4, T, defaultp> glm::eulerAngleXYZ | -( | -T const & | -t1, | -
- | - | T const & | -t2, | -
- | - | T const & | -t3 | -
- | ) | -- |
Creates a 3D 4 * 4 homogeneous rotation matrix from euler angles (X * Y * Z).
-GLM_FUNC_DECL mat<4, 4, T, defaultp> glm::eulerAngleXZ | -( | -T const & | -angleX, | -
- | - | T const & | -angleZ | -
- | ) | -- |
Creates a 3D 4 * 4 homogeneous rotation matrix from euler angles (X * Z).
-GLM_FUNC_DECL mat<4, 4, T, defaultp> glm::eulerAngleXZX | -( | -T const & | -t1, | -
- | - | T const & | -t2, | -
- | - | T const & | -t3 | -
- | ) | -- |
Creates a 3D 4 * 4 homogeneous rotation matrix from euler angles (X * Z * X).
-GLM_FUNC_DECL mat<4, 4, T, defaultp> glm::eulerAngleXZY | -( | -T const & | -t1, | -
- | - | T const & | -t2, | -
- | - | T const & | -t3 | -
- | ) | -- |
Creates a 3D 4 * 4 homogeneous rotation matrix from euler angles (X * Z * Y).
-GLM_FUNC_DECL mat<4, 4, T, defaultp> glm::eulerAngleY | -( | -T const & | -angleY | ) | -- |
Creates a 3D 4 * 4 homogeneous rotation matrix from an euler angle Y.
-GLM_FUNC_DECL mat<4, 4, T, defaultp> glm::eulerAngleYX | -( | -T const & | -angleY, | -
- | - | T const & | -angleX | -
- | ) | -- |
Creates a 3D 4 * 4 homogeneous rotation matrix from euler angles (Y * X).
-GLM_FUNC_DECL mat<4, 4, T, defaultp> glm::eulerAngleYXY | -( | -T const & | -t1, | -
- | - | T const & | -t2, | -
- | - | T const & | -t3 | -
- | ) | -- |
Creates a 3D 4 * 4 homogeneous rotation matrix from euler angles (Y * X * Y).
-GLM_FUNC_DECL mat<4, 4, T, defaultp> glm::eulerAngleYXZ | -( | -T const & | -yaw, | -
- | - | T const & | -pitch, | -
- | - | T const & | -roll | -
- | ) | -- |
Creates a 3D 4 * 4 homogeneous rotation matrix from euler angles (Y * X * Z).
-GLM_FUNC_DECL mat<4, 4, T, defaultp> glm::eulerAngleYZ | -( | -T const & | -angleY, | -
- | - | T const & | -angleZ | -
- | ) | -- |
Creates a 3D 4 * 4 homogeneous rotation matrix from euler angles (Y * Z).
-GLM_FUNC_DECL mat<4, 4, T, defaultp> glm::eulerAngleYZX | -( | -T const & | -t1, | -
- | - | T const & | -t2, | -
- | - | T const & | -t3 | -
- | ) | -- |
Creates a 3D 4 * 4 homogeneous rotation matrix from euler angles (Y * Z * X).
-GLM_FUNC_DECL mat<4, 4, T, defaultp> glm::eulerAngleYZY | -( | -T const & | -t1, | -
- | - | T const & | -t2, | -
- | - | T const & | -t3 | -
- | ) | -- |
Creates a 3D 4 * 4 homogeneous rotation matrix from euler angles (Y * Z * Y).
-GLM_FUNC_DECL mat<4, 4, T, defaultp> glm::eulerAngleZ | -( | -T const & | -angleZ | ) | -- |
Creates a 3D 4 * 4 homogeneous rotation matrix from an euler angle Z.
-GLM_FUNC_DECL mat<4, 4, T, defaultp> glm::eulerAngleZX | -( | -T const & | -angle, | -
- | - | T const & | -angleX | -
- | ) | -- |
Creates a 3D 4 * 4 homogeneous rotation matrix from euler angles (Z * X).
-GLM_FUNC_DECL mat<4, 4, T, defaultp> glm::eulerAngleZXY | -( | -T const & | -t1, | -
- | - | T const & | -t2, | -
- | - | T const & | -t3 | -
- | ) | -- |
Creates a 3D 4 * 4 homogeneous rotation matrix from euler angles (Z * X * Y).
-GLM_FUNC_DECL mat<4, 4, T, defaultp> glm::eulerAngleZXZ | -( | -T const & | -t1, | -
- | - | T const & | -t2, | -
- | - | T const & | -t3 | -
- | ) | -- |
Creates a 3D 4 * 4 homogeneous rotation matrix from euler angles (Z * X * Z).
-GLM_FUNC_DECL mat<4, 4, T, defaultp> glm::eulerAngleZY | -( | -T const & | -angleZ, | -
- | - | T const & | -angleY | -
- | ) | -- |
Creates a 3D 4 * 4 homogeneous rotation matrix from euler angles (Z * Y).
-GLM_FUNC_DECL mat<4, 4, T, defaultp> glm::eulerAngleZYX | -( | -T const & | -t1, | -
- | - | T const & | -t2, | -
- | - | T const & | -t3 | -
- | ) | -- |
Creates a 3D 4 * 4 homogeneous rotation matrix from euler angles (Z * Y * X).
-GLM_FUNC_DECL mat<4, 4, T, defaultp> glm::eulerAngleZYZ | -( | -T const & | -t1, | -
- | - | T const & | -t2, | -
- | - | T const & | -t3 | -
- | ) | -- |
Creates a 3D 4 * 4 homogeneous rotation matrix from euler angles (Z * Y * Z).
-GLM_FUNC_DECL void glm::extractEulerAngleXYX | -( | -mat< 4, 4, T, defaultp > const & | -M, | -
- | - | T & | -t1, | -
- | - | T & | -t2, | -
- | - | T & | -t3 | -
- | ) | -- |
Extracts the (X * Y * X) Euler angles from the rotation matrix M.
-GLM_FUNC_DECL void glm::extractEulerAngleXYZ | -( | -mat< 4, 4, T, defaultp > const & | -M, | -
- | - | T & | -t1, | -
- | - | T & | -t2, | -
- | - | T & | -t3 | -
- | ) | -- |
Extracts the (X * Y * Z) Euler angles from the rotation matrix M.
-GLM_FUNC_DECL void glm::extractEulerAngleXZX | -( | -mat< 4, 4, T, defaultp > const & | -M, | -
- | - | T & | -t1, | -
- | - | T & | -t2, | -
- | - | T & | -t3 | -
- | ) | -- |
Extracts the (X * Z * X) Euler angles from the rotation matrix M.
-GLM_FUNC_DECL void glm::extractEulerAngleXZY | -( | -mat< 4, 4, T, defaultp > const & | -M, | -
- | - | T & | -t1, | -
- | - | T & | -t2, | -
- | - | T & | -t3 | -
- | ) | -- |
Extracts the (X * Z * Y) Euler angles from the rotation matrix M.
-GLM_FUNC_DECL void glm::extractEulerAngleYXY | -( | -mat< 4, 4, T, defaultp > const & | -M, | -
- | - | T & | -t1, | -
- | - | T & | -t2, | -
- | - | T & | -t3 | -
- | ) | -- |
Extracts the (Y * X * Y) Euler angles from the rotation matrix M.
-GLM_FUNC_DECL void glm::extractEulerAngleYXZ | -( | -mat< 4, 4, T, defaultp > const & | -M, | -
- | - | T & | -t1, | -
- | - | T & | -t2, | -
- | - | T & | -t3 | -
- | ) | -- |
Extracts the (Y * X * Z) Euler angles from the rotation matrix M.
-GLM_FUNC_DECL void glm::extractEulerAngleYZX | -( | -mat< 4, 4, T, defaultp > const & | -M, | -
- | - | T & | -t1, | -
- | - | T & | -t2, | -
- | - | T & | -t3 | -
- | ) | -- |
Extracts the (Y * Z * X) Euler angles from the rotation matrix M.
-GLM_FUNC_DECL void glm::extractEulerAngleYZY | -( | -mat< 4, 4, T, defaultp > const & | -M, | -
- | - | T & | -t1, | -
- | - | T & | -t2, | -
- | - | T & | -t3 | -
- | ) | -- |
Extracts the (Y * Z * Y) Euler angles from the rotation matrix M.
-GLM_FUNC_DECL void glm::extractEulerAngleZXY | -( | -mat< 4, 4, T, defaultp > const & | -M, | -
- | - | T & | -t1, | -
- | - | T & | -t2, | -
- | - | T & | -t3 | -
- | ) | -- |
Extracts the (Z * X * Y) Euler angles from the rotation matrix M.
-GLM_FUNC_DECL void glm::extractEulerAngleZXZ | -( | -mat< 4, 4, T, defaultp > const & | -M, | -
- | - | T & | -t1, | -
- | - | T & | -t2, | -
- | - | T & | -t3 | -
- | ) | -- |
Extracts the (Z * X * Z) Euler angles from the rotation matrix M.
-GLM_FUNC_DECL void glm::extractEulerAngleZYX | -( | -mat< 4, 4, T, defaultp > const & | -M, | -
- | - | T & | -t1, | -
- | - | T & | -t2, | -
- | - | T & | -t3 | -
- | ) | -- |
Extracts the (Z * Y * X) Euler angles from the rotation matrix M.
-GLM_FUNC_DECL void glm::extractEulerAngleZYZ | -( | -mat< 4, 4, T, defaultp > const & | -M, | -
- | - | T & | -t1, | -
- | - | T & | -t2, | -
- | - | T & | -t3 | -
- | ) | -- |
Extracts the (Z * Y * Z) Euler angles from the rotation matrix M.
-GLM_FUNC_DECL mat<2, 2, T, defaultp> glm::orientate2 | -( | -T const & | -angle | ) | -- |
Creates a 2D 2 * 2 rotation matrix from an euler angle.
-GLM_FUNC_DECL mat<3, 3, T, defaultp> glm::orientate3 | -( | -T const & | -angle | ) | -- |
Creates a 2D 4 * 4 homogeneous rotation matrix from an euler angle.
-GLM_FUNC_DECL mat<3, 3, T, Q> glm::orientate3 | -( | -vec< 3, T, Q > const & | -angles | ) | -- |
Creates a 3D 3 * 3 rotation matrix from euler angles (Y * X * Z).
-GLM_FUNC_DECL mat<4, 4, T, Q> glm::orientate4 | -( | -vec< 3, T, Q > const & | -angles | ) | -- |
Creates a 3D 4 * 4 homogeneous rotation matrix from euler angles (Y * X * Z).
-GLM_FUNC_DECL mat<4, 4, T, defaultp> glm::yawPitchRoll | -( | -T const & | -yaw, | -
- | - | T const & | -pitch, | -
- | - | T const & | -roll | -
- | ) | -- |
Creates a 3D 4 * 4 homogeneous rotation matrix from euler angles (Y * X * Z).
-![]() |
-
- 0.9.9 API documentation
-
- |
-
Include <glm/gtx/extend.hpp> to use the features of this extension. -More...
--Functions | |
template<typename genType > | |
GLM_FUNC_DECL genType | extend (genType const &Origin, genType const &Source, typename genType::value_type const Length) |
Extends of Length the Origin position using the (Source - Origin) direction. More... | |
Include <glm/gtx/extend.hpp> to use the features of this extension.
-Extend a position from a source to a position at a defined length.
-GLM_FUNC_DECL genType glm::extend | -( | -genType const & | -Origin, | -
- | - | genType const & | -Source, | -
- | - | typename genType::value_type const | -Length | -
- | ) | -- |
Extends of Length the Origin position using the (Source - Origin) direction.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
Include <glm/gtx/extented_min_max.hpp> to use the features of this extension. -More...
--Functions | |
template<typename genType > | |
GLM_FUNC_DECL genType | fclamp (genType x, genType minVal, genType maxVal) |
Returns min(max(x, minVal), maxVal) for each component in x. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, T, Q > | fclamp (vec< L, T, Q > const &x, T minVal, T maxVal) |
Returns min(max(x, minVal), maxVal) for each component in x. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, T, Q > | fclamp (vec< L, T, Q > const &x, vec< L, T, Q > const &minVal, vec< L, T, Q > const &maxVal) |
Returns min(max(x, minVal), maxVal) for each component in x. More... | |
template<typename genType > | |
GLM_FUNC_DECL genType | fmax (genType x, genType y) |
Returns y if x < y; otherwise, it returns x. More... | |
template<typename genType > | |
GLM_FUNC_DECL genType | fmin (genType x, genType y) |
Returns y if y < x; otherwise, it returns x. More... | |
template<typename T > | |
GLM_FUNC_DECL T | max (T const &x, T const &y, T const &z) |
Return the maximum component-wise values of 3 inputs. More... | |
template<typename T , template< typename > class C> | |
GLM_FUNC_DECL C< T > | max (C< T > const &x, typename C< T >::T const &y, typename C< T >::T const &z) |
Return the maximum component-wise values of 3 inputs. More... | |
template<typename T , template< typename > class C> | |
GLM_FUNC_DECL C< T > | max (C< T > const &x, C< T > const &y, C< T > const &z) |
Return the maximum component-wise values of 3 inputs. More... | |
template<typename T > | |
GLM_FUNC_DECL T | max (T const &x, T const &y, T const &z, T const &w) |
Return the maximum component-wise values of 4 inputs. More... | |
template<typename T , template< typename > class C> | |
GLM_FUNC_DECL C< T > | max (C< T > const &x, typename C< T >::T const &y, typename C< T >::T const &z, typename C< T >::T const &w) |
Return the maximum component-wise values of 4 inputs. More... | |
template<typename T , template< typename > class C> | |
GLM_FUNC_DECL C< T > | max (C< T > const &x, C< T > const &y, C< T > const &z, C< T > const &w) |
Return the maximum component-wise values of 4 inputs. More... | |
template<typename T > | |
GLM_FUNC_DECL T | min (T const &x, T const &y, T const &z) |
Return the minimum component-wise values of 3 inputs. More... | |
template<typename T , template< typename > class C> | |
GLM_FUNC_DECL C< T > | min (C< T > const &x, typename C< T >::T const &y, typename C< T >::T const &z) |
Return the minimum component-wise values of 3 inputs. More... | |
template<typename T , template< typename > class C> | |
GLM_FUNC_DECL C< T > | min (C< T > const &x, C< T > const &y, C< T > const &z) |
Return the minimum component-wise values of 3 inputs. More... | |
template<typename T > | |
GLM_FUNC_DECL T | min (T const &x, T const &y, T const &z, T const &w) |
Return the minimum component-wise values of 4 inputs. More... | |
template<typename T , template< typename > class C> | |
GLM_FUNC_DECL C< T > | min (C< T > const &x, typename C< T >::T const &y, typename C< T >::T const &z, typename C< T >::T const &w) |
Return the minimum component-wise values of 4 inputs. More... | |
template<typename T , template< typename > class C> | |
GLM_FUNC_DECL C< T > | min (C< T > const &x, C< T > const &y, C< T > const &z, C< T > const &w) |
Return the minimum component-wise values of 4 inputs. More... | |
Include <glm/gtx/extented_min_max.hpp> to use the features of this extension.
-Min and max functions for 3 to 4 parameters.
-GLM_FUNC_DECL genType glm::fclamp | -( | -genType | -x, | -
- | - | genType | -minVal, | -
- | - | genType | -maxVal | -
- | ) | -- |
Returns min(max(x, minVal), maxVal) for each component in x.
-If one of the two arguments is NaN, the value of the other argument is returned.
-genType | Floating-point scalar or vector types. |
GLM_FUNC_DECL vec<L, T, Q> glm::fclamp | -( | -vec< L, T, Q > const & | -x, | -
- | - | T | -minVal, | -
- | - | T | -maxVal | -
- | ) | -- |
Returns min(max(x, minVal), maxVal) for each component in x.
-If one of the two arguments is NaN, the value of the other argument is returned.
-L | Integer between 1 and 4 included that qualify the dimension of the vector |
T | Floating-point scalar types |
Q | Value from qualifier enum |
GLM_FUNC_DECL vec<L, T, Q> glm::fclamp | -( | -vec< L, T, Q > const & | -x, | -
- | - | vec< L, T, Q > const & | -minVal, | -
- | - | vec< L, T, Q > const & | -maxVal | -
- | ) | -- |
Returns min(max(x, minVal), maxVal) for each component in x.
-If one of the two arguments is NaN, the value of the other argument is returned.
-L | Integer between 1 and 4 included that qualify the dimension of the vector |
T | Floating-point scalar types |
Q | Value from qualifier enum |
GLM_FUNC_DECL genType glm::fmax | -( | -genType | -x, | -
- | - | genType | -y | -
- | ) | -- |
Returns y if x < y; otherwise, it returns x.
-If one of the two arguments is NaN, the value of the other argument is returned.
-genType | Floating-point; scalar or vector types. |
GLM_FUNC_DECL genType glm::fmin | -( | -genType | -x, | -
- | - | genType | -y | -
- | ) | -- |
Returns y if y < x; otherwise, it returns x.
-If one of the two arguments is NaN, the value of the other argument is returned.
-genType | Floating-point or integer; scalar or vector types. |
GLM_FUNC_DECL T glm::max | -( | -T const & | -x, | -
- | - | T const & | -y, | -
- | - | T const & | -z | -
- | ) | -- |
Return the maximum component-wise values of 3 inputs.
-GLM_FUNC_DECL C<T> glm::max | -( | -C< T > const & | -x, | -
- | - | typename C< T >::T const & | -y, | -
- | - | typename C< T >::T const & | -z | -
- | ) | -- |
Return the maximum component-wise values of 3 inputs.
-GLM_FUNC_DECL C<T> glm::max | -( | -C< T > const & | -x, | -
- | - | C< T > const & | -y, | -
- | - | C< T > const & | -z | -
- | ) | -- |
Return the maximum component-wise values of 3 inputs.
-GLM_FUNC_DECL T glm::max | -( | -T const & | -x, | -
- | - | T const & | -y, | -
- | - | T const & | -z, | -
- | - | T const & | -w | -
- | ) | -- |
Return the maximum component-wise values of 4 inputs.
-GLM_FUNC_DECL C<T> glm::max | -( | -C< T > const & | -x, | -
- | - | typename C< T >::T const & | -y, | -
- | - | typename C< T >::T const & | -z, | -
- | - | typename C< T >::T const & | -w | -
- | ) | -- |
Return the maximum component-wise values of 4 inputs.
-GLM_FUNC_DECL C<T> glm::max | -( | -C< T > const & | -x, | -
- | - | C< T > const & | -y, | -
- | - | C< T > const & | -z, | -
- | - | C< T > const & | -w | -
- | ) | -- |
Return the maximum component-wise values of 4 inputs.
-GLM_FUNC_DECL T glm::min | -( | -T const & | -x, | -
- | - | T const & | -y, | -
- | - | T const & | -z | -
- | ) | -- |
Return the minimum component-wise values of 3 inputs.
-GLM_FUNC_DECL C<T> glm::min | -( | -C< T > const & | -x, | -
- | - | typename C< T >::T const & | -y, | -
- | - | typename C< T >::T const & | -z | -
- | ) | -- |
Return the minimum component-wise values of 3 inputs.
-GLM_FUNC_DECL C<T> glm::min | -( | -C< T > const & | -x, | -
- | - | C< T > const & | -y, | -
- | - | C< T > const & | -z | -
- | ) | -- |
Return the minimum component-wise values of 3 inputs.
-GLM_FUNC_DECL T glm::min | -( | -T const & | -x, | -
- | - | T const & | -y, | -
- | - | T const & | -z, | -
- | - | T const & | -w | -
- | ) | -- |
Return the minimum component-wise values of 4 inputs.
-GLM_FUNC_DECL C<T> glm::min | -( | -C< T > const & | -x, | -
- | - | typename C< T >::T const & | -y, | -
- | - | typename C< T >::T const & | -z, | -
- | - | typename C< T >::T const & | -w | -
- | ) | -- |
Return the minimum component-wise values of 4 inputs.
-GLM_FUNC_DECL C<T> glm::min | -( | -C< T > const & | -x, | -
- | - | C< T > const & | -y, | -
- | - | C< T > const & | -z, | -
- | - | C< T > const & | -w | -
- | ) | -- |
Return the minimum component-wise values of 4 inputs.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
Include <glm/gtx/exterior_product.hpp> to use the features of this extension. -More...
--Functions | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL T | cross (vec< 2, T, Q > const &v, vec< 2, T, Q > const &u) |
Returns the cross product of x and y. More... | |
Include <glm/gtx/exterior_product.hpp> to use the features of this extension.
-Allow to perform bit operations on integer values
-GLM_FUNC_DECL T glm::cross | -( | -vec< 2, T, Q > const & | -v, | -
- | - | vec< 2, T, Q > const & | -u | -
- | ) | -- |
Returns the cross product of x and y.
-T | Floating-point scalar types |
Q | Value from qualifier enum |
![]() |
-
- 0.9.9 API documentation
-
- |
-
Include <glm/gtx/fast_exponential.hpp> to use the features of this extension. -More...
--Functions | |
template<typename T > | |
GLM_FUNC_DECL T | fastExp (T x) |
Faster than the common exp function but less accurate. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, T, Q > | fastExp (vec< L, T, Q > const &x) |
Faster than the common exp function but less accurate. More... | |
template<typename T > | |
GLM_FUNC_DECL T | fastExp2 (T x) |
Faster than the common exp2 function but less accurate. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, T, Q > | fastExp2 (vec< L, T, Q > const &x) |
Faster than the common exp2 function but less accurate. More... | |
template<typename T > | |
GLM_FUNC_DECL T | fastLog (T x) |
Faster than the common log function but less accurate. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, T, Q > | fastLog (vec< L, T, Q > const &x) |
Faster than the common exp2 function but less accurate. More... | |
template<typename T > | |
GLM_FUNC_DECL T | fastLog2 (T x) |
Faster than the common log2 function but less accurate. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, T, Q > | fastLog2 (vec< L, T, Q > const &x) |
Faster than the common log2 function but less accurate. More... | |
template<typename genType > | |
GLM_FUNC_DECL genType | fastPow (genType x, genType y) |
Faster than the common pow function but less accurate. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, T, Q > | fastPow (vec< L, T, Q > const &x, vec< L, T, Q > const &y) |
Faster than the common pow function but less accurate. More... | |
template<typename genTypeT , typename genTypeU > | |
GLM_FUNC_DECL genTypeT | fastPow (genTypeT x, genTypeU y) |
Faster than the common pow function but less accurate. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, T, Q > | fastPow (vec< L, T, Q > const &x) |
Faster than the common pow function but less accurate. More... | |
Include <glm/gtx/fast_exponential.hpp> to use the features of this extension.
-Fast but less accurate implementations of exponential based functions.
-GLM_FUNC_DECL T glm::fastExp | -( | -T | -x | ) | -- |
Faster than the common exp function but less accurate.
-GLM_FUNC_DECL vec<L, T, Q> glm::fastExp | -( | -vec< L, T, Q > const & | -x | ) | -- |
Faster than the common exp function but less accurate.
-GLM_FUNC_DECL T glm::fastExp2 | -( | -T | -x | ) | -- |
Faster than the common exp2 function but less accurate.
-GLM_FUNC_DECL vec<L, T, Q> glm::fastExp2 | -( | -vec< L, T, Q > const & | -x | ) | -- |
Faster than the common exp2 function but less accurate.
-GLM_FUNC_DECL T glm::fastLog | -( | -T | -x | ) | -- |
Faster than the common log function but less accurate.
-GLM_FUNC_DECL vec<L, T, Q> glm::fastLog | -( | -vec< L, T, Q > const & | -x | ) | -- |
Faster than the common exp2 function but less accurate.
-GLM_FUNC_DECL T glm::fastLog2 | -( | -T | -x | ) | -- |
Faster than the common log2 function but less accurate.
-GLM_FUNC_DECL vec<L, T, Q> glm::fastLog2 | -( | -vec< L, T, Q > const & | -x | ) | -- |
Faster than the common log2 function but less accurate.
-GLM_FUNC_DECL genType glm::fastPow | -( | -genType | -x, | -
- | - | genType | -y | -
- | ) | -- |
Faster than the common pow function but less accurate.
-GLM_FUNC_DECL vec<L, T, Q> glm::fastPow | -( | -vec< L, T, Q > const & | -x, | -
- | - | vec< L, T, Q > const & | -y | -
- | ) | -- |
Faster than the common pow function but less accurate.
-GLM_FUNC_DECL genTypeT glm::fastPow | -( | -genTypeT | -x, | -
- | - | genTypeU | -y | -
- | ) | -- |
Faster than the common pow function but less accurate.
-GLM_FUNC_DECL vec<L, T, Q> glm::fastPow | -( | -vec< L, T, Q > const & | -x | ) | -- |
Faster than the common pow function but less accurate.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
Include <glm/gtx/fast_square_root.hpp> to use the features of this extension. -More...
--Functions | |
template<typename genType > | |
GLM_FUNC_DECL genType | fastDistance (genType x, genType y) |
Faster than the common distance function but less accurate. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL T | fastDistance (vec< L, T, Q > const &x, vec< L, T, Q > const &y) |
Faster than the common distance function but less accurate. More... | |
template<typename genType > | |
GLM_FUNC_DECL genType | fastInverseSqrt (genType x) |
Faster than the common inversesqrt function but less accurate. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, T, Q > | fastInverseSqrt (vec< L, T, Q > const &x) |
Faster than the common inversesqrt function but less accurate. More... | |
template<typename genType > | |
GLM_FUNC_DECL genType | fastLength (genType x) |
Faster than the common length function but less accurate. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL T | fastLength (vec< L, T, Q > const &x) |
Faster than the common length function but less accurate. More... | |
template<typename genType > | |
GLM_FUNC_DECL genType | fastNormalize (genType const &x) |
Faster than the common normalize function but less accurate. More... | |
template<typename genType > | |
GLM_FUNC_DECL genType | fastSqrt (genType x) |
Faster than the common sqrt function but less accurate. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, T, Q > | fastSqrt (vec< L, T, Q > const &x) |
Faster than the common sqrt function but less accurate. More... | |
Include <glm/gtx/fast_square_root.hpp> to use the features of this extension.
-Fast but less accurate implementations of square root based functions.
GLM_FUNC_DECL genType glm::fastDistance | -( | -genType | -x, | -
- | - | genType | -y | -
- | ) | -- |
Faster than the common distance function but less accurate.
-GLM_FUNC_DECL T glm::fastDistance | -( | -vec< L, T, Q > const & | -x, | -
- | - | vec< L, T, Q > const & | -y | -
- | ) | -- |
Faster than the common distance function but less accurate.
-GLM_FUNC_DECL genType glm::fastInverseSqrt | -( | -genType | -x | ) | -- |
Faster than the common inversesqrt function but less accurate.
-GLM_FUNC_DECL vec<L, T, Q> glm::fastInverseSqrt | -( | -vec< L, T, Q > const & | -x | ) | -- |
Faster than the common inversesqrt function but less accurate.
-GLM_FUNC_DECL genType glm::fastLength | -( | -genType | -x | ) | -- |
Faster than the common length function but less accurate.
-GLM_FUNC_DECL T glm::fastLength | -( | -vec< L, T, Q > const & | -x | ) | -- |
Faster than the common length function but less accurate.
-GLM_FUNC_DECL genType glm::fastNormalize | -( | -genType const & | -x | ) | -- |
Faster than the common normalize function but less accurate.
-GLM_FUNC_DECL genType glm::fastSqrt | -( | -genType | -x | ) | -- |
Faster than the common sqrt function but less accurate.
-GLM_FUNC_DECL vec<L, T, Q> glm::fastSqrt | -( | -vec< L, T, Q > const & | -x | ) | -- |
Faster than the common sqrt function but less accurate.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
Include <glm/gtx/fast_trigonometry.hpp> to use the features of this extension. -More...
--Functions | |
template<typename T > | |
GLM_FUNC_DECL T | fastAcos (T angle) |
Faster than the common acos function but less accurate. More... | |
template<typename T > | |
GLM_FUNC_DECL T | fastAsin (T angle) |
Faster than the common asin function but less accurate. More... | |
template<typename T > | |
GLM_FUNC_DECL T | fastAtan (T y, T x) |
Faster than the common atan function but less accurate. More... | |
template<typename T > | |
GLM_FUNC_DECL T | fastAtan (T angle) |
Faster than the common atan function but less accurate. More... | |
template<typename T > | |
GLM_FUNC_DECL T | fastCos (T angle) |
Faster than the common cos function but less accurate. More... | |
template<typename T > | |
GLM_FUNC_DECL T | fastSin (T angle) |
Faster than the common sin function but less accurate. More... | |
template<typename T > | |
GLM_FUNC_DECL T | fastTan (T angle) |
Faster than the common tan function but less accurate. More... | |
template<typename T > | |
GLM_FUNC_DECL T | wrapAngle (T angle) |
Wrap an angle to [0 2pi[ From GLM_GTX_fast_trigonometry extension. More... | |
Include <glm/gtx/fast_trigonometry.hpp> to use the features of this extension.
-Fast but less accurate implementations of trigonometric functions.
-GLM_FUNC_DECL T glm::fastAcos | -( | -T | -angle | ) | -- |
Faster than the common acos function but less accurate.
-Defined between -2pi and 2pi. From GLM_GTX_fast_trigonometry extension.
- -GLM_FUNC_DECL T glm::fastAsin | -( | -T | -angle | ) | -- |
Faster than the common asin function but less accurate.
-Defined between -2pi and 2pi. From GLM_GTX_fast_trigonometry extension.
- -GLM_FUNC_DECL T glm::fastAtan | -( | -T | -y, | -
- | - | T | -x | -
- | ) | -- |
Faster than the common atan function but less accurate.
-Defined between -2pi and 2pi. From GLM_GTX_fast_trigonometry extension.
- -GLM_FUNC_DECL T glm::fastAtan | -( | -T | -angle | ) | -- |
Faster than the common atan function but less accurate.
-Defined between -2pi and 2pi. From GLM_GTX_fast_trigonometry extension.
- -GLM_FUNC_DECL T glm::fastCos | -( | -T | -angle | ) | -- |
Faster than the common cos function but less accurate.
-From GLM_GTX_fast_trigonometry extension.
- -GLM_FUNC_DECL T glm::fastSin | -( | -T | -angle | ) | -- |
Faster than the common sin function but less accurate.
-From GLM_GTX_fast_trigonometry extension.
- -GLM_FUNC_DECL T glm::fastTan | -( | -T | -angle | ) | -- |
Faster than the common tan function but less accurate.
-Defined between -2pi and 2pi. From GLM_GTX_fast_trigonometry extension.
- -GLM_FUNC_DECL T glm::wrapAngle | -( | -T | -angle | ) | -- |
Wrap an angle to [0 2pi[ From GLM_GTX_fast_trigonometry extension.
- -![]() |
-
- 0.9.9 API documentation
-
- |
-
Include <glm/gtx/functions.hpp> to use the features of this extension. -More...
--Functions | |
template<typename T > | |
GLM_FUNC_DECL T | gauss (T x, T ExpectedValue, T StandardDeviation) |
1D gauss function More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL T | gauss (vec< 2, T, Q > const &Coord, vec< 2, T, Q > const &ExpectedValue, vec< 2, T, Q > const &StandardDeviation) |
2D gauss function More... | |
Include <glm/gtx/functions.hpp> to use the features of this extension.
-List of useful common functions.
-GLM_FUNC_DECL T glm::gauss | -( | -T | -x, | -
- | - | T | -ExpectedValue, | -
- | - | T | -StandardDeviation | -
- | ) | -- |
1D gauss function
-GLM_FUNC_DECL T glm::gauss | -( | -vec< 2, T, Q > const & | -Coord, | -
- | - | vec< 2, T, Q > const & | -ExpectedValue, | -
- | - | vec< 2, T, Q > const & | -StandardDeviation | -
- | ) | -- |
2D gauss function
-![]() |
-
- 0.9.9 API documentation
-
- |
-
Include <glm/gtx/gradient_paint.hpp> to use the features of this extension. -More...
--Functions | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL T | linearGradient (vec< 2, T, Q > const &Point0, vec< 2, T, Q > const &Point1, vec< 2, T, Q > const &Position) |
Return a color from a linear gradient. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL T | radialGradient (vec< 2, T, Q > const &Center, T const &Radius, vec< 2, T, Q > const &Focal, vec< 2, T, Q > const &Position) |
Return a color from a radial gradient. More... | |
Include <glm/gtx/gradient_paint.hpp> to use the features of this extension.
-Functions that return the color of procedural gradient for specific coordinates.
-GLM_FUNC_DECL T glm::linearGradient | -( | -vec< 2, T, Q > const & | -Point0, | -
- | - | vec< 2, T, Q > const & | -Point1, | -
- | - | vec< 2, T, Q > const & | -Position | -
- | ) | -- |
Return a color from a linear gradient.
-GLM_FUNC_DECL T glm::radialGradient | -( | -vec< 2, T, Q > const & | -Center, | -
- | - | T const & | -Radius, | -
- | - | vec< 2, T, Q > const & | -Focal, | -
- | - | vec< 2, T, Q > const & | -Position | -
- | ) | -- |
Return a color from a radial gradient.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
Include <glm/gtx/handed_coordinate_system.hpp> to use the features of this extension. -More...
--Functions | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL bool | leftHanded (vec< 3, T, Q > const &tangent, vec< 3, T, Q > const &binormal, vec< 3, T, Q > const &normal) |
Return if a trihedron left handed or not. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL bool | rightHanded (vec< 3, T, Q > const &tangent, vec< 3, T, Q > const &binormal, vec< 3, T, Q > const &normal) |
Return if a trihedron right handed or not. More... | |
Include <glm/gtx/handed_coordinate_system.hpp> to use the features of this extension.
-To know if a set of three basis vectors defines a right or left-handed coordinate system.
-GLM_FUNC_DECL bool glm::leftHanded | -( | -vec< 3, T, Q > const & | -tangent, | -
- | - | vec< 3, T, Q > const & | -binormal, | -
- | - | vec< 3, T, Q > const & | -normal | -
- | ) | -- |
Return if a trihedron left handed or not.
-From GLM_GTX_handed_coordinate_space extension.
- -GLM_FUNC_DECL bool glm::rightHanded | -( | -vec< 3, T, Q > const & | -tangent, | -
- | - | vec< 3, T, Q > const & | -binormal, | -
- | - | vec< 3, T, Q > const & | -normal | -
- | ) | -- |
Return if a trihedron right handed or not.
-From GLM_GTX_handed_coordinate_space extension.
- -![]() |
-
- 0.9.9 API documentation
-
- |
-
Include <glm/gtx/hash.hpp> to use the features of this extension. -More...
-Include <glm/gtx/hash.hpp> to use the features of this extension.
-Add std::hash support for glm types
-![]() |
-
- 0.9.9 API documentation
-
- |
-
Include <glm/gtx/integer.hpp> to use the features of this extension. -More...
--Typedefs | |
typedef signed int | sint |
32bit signed integer. More... | |
-Functions | |
template<typename genType > | |
GLM_FUNC_DECL genType | factorial (genType const &x) |
Return the factorial value of a number (!12 max, integer only) From GLM_GTX_integer extension. More... | |
GLM_FUNC_DECL unsigned int | floor_log2 (unsigned int x) |
Returns the floor log2 of x. More... | |
GLM_FUNC_DECL int | mod (int x, int y) |
Modulus. More... | |
GLM_FUNC_DECL uint | mod (uint x, uint y) |
Modulus. More... | |
GLM_FUNC_DECL uint | nlz (uint x) |
Returns the number of leading zeros. More... | |
GLM_FUNC_DECL int | pow (int x, uint y) |
Returns x raised to the y power. More... | |
GLM_FUNC_DECL uint | pow (uint x, uint y) |
Returns x raised to the y power. More... | |
GLM_FUNC_DECL int | sqrt (int x) |
Returns the positive square root of x. More... | |
GLM_FUNC_DECL uint | sqrt (uint x) |
Returns the positive square root of x. More... | |
Include <glm/gtx/integer.hpp> to use the features of this extension.
-Add support for integer for core functions
-typedef signed int sint | -
32bit signed integer.
-From GLM_GTX_integer extension.
- -Definition at line 55 of file gtx/integer.hpp.
- -GLM_FUNC_DECL genType glm::factorial | -( | -genType const & | -x | ) | -- |
Return the factorial value of a number (!12 max, integer only) From GLM_GTX_integer extension.
- -GLM_FUNC_DECL unsigned int glm::floor_log2 | -( | -unsigned int | -x | ) | -- |
Returns the floor log2 of x.
-From GLM_GTX_integer extension.
- -GLM_FUNC_DECL int glm::mod | -( | -int | -x, | -
- | - | int | -y | -
- | ) | -- |
Modulus.
-Returns x - y * floor(x / y) for each component in x using the floating point value y. From GLM_GTX_integer extension.
- -GLM_FUNC_DECL uint glm::mod | -( | -uint | -x, | -
- | - | uint | -y | -
- | ) | -- |
Modulus.
-Returns x - y * floor(x / y) for each component in x using the floating point value y. From GLM_GTX_integer extension.
- -GLM_FUNC_DECL uint glm::nlz | -( | -uint | -x | ) | -- |
Returns the number of leading zeros.
-From GLM_GTX_integer extension.
- -GLM_FUNC_DECL int glm::pow | -( | -int | -x, | -
- | - | uint | -y | -
- | ) | -- |
Returns x raised to the y power.
-From GLM_GTX_integer extension.
- -GLM_FUNC_DECL uint glm::pow | -( | -uint | -x, | -
- | - | uint | -y | -
- | ) | -- |
Returns x raised to the y power.
-From GLM_GTX_integer extension.
- -GLM_FUNC_DECL int glm::sqrt | -( | -int | -x | ) | -- |
Returns the positive square root of x.
-From GLM_GTX_integer extension.
- -GLM_FUNC_DECL uint glm::sqrt | -( | -uint | -x | ) | -- |
Returns the positive square root of x.
-From GLM_GTX_integer extension.
- -![]() |
-
- 0.9.9 API documentation
-
- |
-
Include <glm/gtx/intersect.hpp> to use the features of this extension. -More...
--Functions | |
template<typename genType > | |
GLM_FUNC_DECL bool | intersectLineSphere (genType const &point0, genType const &point1, genType const &sphereCenter, typename genType::value_type sphereRadius, genType &intersectionPosition1, genType &intersectionNormal1, genType &intersectionPosition2=genType(), genType &intersectionNormal2=genType()) |
Compute the intersection of a line and a sphere. More... | |
template<typename genType > | |
GLM_FUNC_DECL bool | intersectLineTriangle (genType const &orig, genType const &dir, genType const &vert0, genType const &vert1, genType const &vert2, genType &position) |
Compute the intersection of a line and a triangle. More... | |
template<typename genType > | |
GLM_FUNC_DECL bool | intersectRayPlane (genType const &orig, genType const &dir, genType const &planeOrig, genType const &planeNormal, typename genType::value_type &intersectionDistance) |
Compute the intersection of a ray and a plane. More... | |
template<typename genType > | |
GLM_FUNC_DECL bool | intersectRaySphere (genType const &rayStarting, genType const &rayNormalizedDirection, genType const &sphereCenter, typename genType::value_type const sphereRadiusSquared, typename genType::value_type &intersectionDistance) |
Compute the intersection distance of a ray and a sphere. More... | |
template<typename genType > | |
GLM_FUNC_DECL bool | intersectRaySphere (genType const &rayStarting, genType const &rayNormalizedDirection, genType const &sphereCenter, const typename genType::value_type sphereRadius, genType &intersectionPosition, genType &intersectionNormal) |
Compute the intersection of a ray and a sphere. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL bool | intersectRayTriangle (vec< 3, T, Q > const &orig, vec< 3, T, Q > const &dir, vec< 3, T, Q > const &v0, vec< 3, T, Q > const &v1, vec< 3, T, Q > const &v2, vec< 2, T, Q > &baryPosition, T &distance) |
Compute the intersection of a ray and a triangle. More... | |
Include <glm/gtx/intersect.hpp> to use the features of this extension.
-Add intersection functions
-GLM_FUNC_DECL bool glm::intersectLineSphere | -( | -genType const & | -point0, | -
- | - | genType const & | -point1, | -
- | - | genType const & | -sphereCenter, | -
- | - | typename genType::value_type | -sphereRadius, | -
- | - | genType & | -intersectionPosition1, | -
- | - | genType & | -intersectionNormal1, | -
- | - | genType & | -intersectionPosition2 = genType() , |
-
- | - | genType & | -intersectionNormal2 = genType() |
-
- | ) | -- |
Compute the intersection of a line and a sphere.
-From GLM_GTX_intersect extension
- -GLM_FUNC_DECL bool glm::intersectLineTriangle | -( | -genType const & | -orig, | -
- | - | genType const & | -dir, | -
- | - | genType const & | -vert0, | -
- | - | genType const & | -vert1, | -
- | - | genType const & | -vert2, | -
- | - | genType & | -position | -
- | ) | -- |
Compute the intersection of a line and a triangle.
-From GLM_GTX_intersect extension.
- -GLM_FUNC_DECL bool glm::intersectRayPlane | -( | -genType const & | -orig, | -
- | - | genType const & | -dir, | -
- | - | genType const & | -planeOrig, | -
- | - | genType const & | -planeNormal, | -
- | - | typename genType::value_type & | -intersectionDistance | -
- | ) | -- |
Compute the intersection of a ray and a plane.
-Ray direction and plane normal must be unit length. From GLM_GTX_intersect extension.
- -GLM_FUNC_DECL bool glm::intersectRaySphere | -( | -genType const & | -rayStarting, | -
- | - | genType const & | -rayNormalizedDirection, | -
- | - | genType const & | -sphereCenter, | -
- | - | typename genType::value_type const | -sphereRadiusSquared, | -
- | - | typename genType::value_type & | -intersectionDistance | -
- | ) | -- |
Compute the intersection distance of a ray and a sphere.
-The ray direction vector is unit length. From GLM_GTX_intersect extension.
- -GLM_FUNC_DECL bool glm::intersectRaySphere | -( | -genType const & | -rayStarting, | -
- | - | genType const & | -rayNormalizedDirection, | -
- | - | genType const & | -sphereCenter, | -
- | - | const typename genType::value_type | -sphereRadius, | -
- | - | genType & | -intersectionPosition, | -
- | - | genType & | -intersectionNormal | -
- | ) | -- |
Compute the intersection of a ray and a sphere.
-From GLM_GTX_intersect extension.
- -GLM_FUNC_DECL bool glm::intersectRayTriangle | -( | -vec< 3, T, Q > const & | -orig, | -
- | - | vec< 3, T, Q > const & | -dir, | -
- | - | vec< 3, T, Q > const & | -v0, | -
- | - | vec< 3, T, Q > const & | -v1, | -
- | - | vec< 3, T, Q > const & | -v2, | -
- | - | vec< 2, T, Q > & | -baryPosition, | -
- | - | T & | -distance | -
- | ) | -- |
Compute the intersection of a ray and a triangle.
-Based om Tomas Möller implementation http://fileadmin.cs.lth.se/cs/Personal/Tomas_Akenine-Moller/raytri/ From GLM_GTX_intersect extension.
- -![]() |
-
- 0.9.9 API documentation
-
- |
-
Include <glm/gtx/io.hpp> to use the features of this extension. -More...
-Include <glm/gtx/io.hpp> to use the features of this extension.
-std::[w]ostream support for glm types
-std::[w]ostream support for glm types + qualifier/width/etc. manipulators based on howard hinnant's std::chrono io proposal [http://home.roadrunner.com/~hinnant/bloomington/chrono_io.html]
-![]() |
-
- 0.9.9 API documentation
-
- |
-
Include <glm/gtx/log_base.hpp> to use the features of this extension. -More...
--Functions | |
template<typename genType > | |
GLM_FUNC_DECL genType | log (genType const &x, genType const &base) |
Logarithm for any base. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, T, Q > | sign (vec< L, T, Q > const &x, vec< L, T, Q > const &base) |
Logarithm for any base. More... | |
Include <glm/gtx/log_base.hpp> to use the features of this extension.
-Logarithm for any base. base can be a vector or a scalar.
-GLM_FUNC_DECL genType glm::log | -( | -genType const & | -x, | -
- | - | genType const & | -base | -
- | ) | -- |
Logarithm for any base.
-From GLM_GTX_log_base.
- -GLM_FUNC_DECL vec<L, T, Q> glm::sign | -( | -vec< L, T, Q > const & | -x, | -
- | - | vec< L, T, Q > const & | -base | -
- | ) | -- |
Logarithm for any base.
-From GLM_GTX_log_base.
- -![]() |
-
- 0.9.9 API documentation
-
- |
-
Include <glm/gtx/matrix_cross_product.hpp> to use the features of this extension. -More...
--Functions | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL mat< 3, 3, T, Q > | matrixCross3 (vec< 3, T, Q > const &x) |
Build a cross product matrix. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL mat< 4, 4, T, Q > | matrixCross4 (vec< 3, T, Q > const &x) |
Build a cross product matrix. More... | |
Include <glm/gtx/matrix_cross_product.hpp> to use the features of this extension.
-Build cross product matrices
-GLM_FUNC_DECL mat<3, 3, T, Q> glm::matrixCross3 | -( | -vec< 3, T, Q > const & | -x | ) | -- |
Build a cross product matrix.
-From GLM_GTX_matrix_cross_product extension.
- -GLM_FUNC_DECL mat<4, 4, T, Q> glm::matrixCross4 | -( | -vec< 3, T, Q > const & | -x | ) | -- |
Build a cross product matrix.
-From GLM_GTX_matrix_cross_product extension.
- -![]() |
-
- 0.9.9 API documentation
-
- |
-
Include <glm/gtx/matrix_decompose.hpp> to use the features of this extension. -More...
--Functions | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL bool | decompose (mat< 4, 4, T, Q > const &modelMatrix, vec< 3, T, Q > &scale, qua< T, Q > &orientation, vec< 3, T, Q > &translation, vec< 3, T, Q > &skew, vec< 4, T, Q > &perspective) |
Decomposes a model matrix to translations, rotation and scale components. More... | |
Include <glm/gtx/matrix_decompose.hpp> to use the features of this extension.
-Decomposes a model matrix to translations, rotation and scale components
-GLM_FUNC_DECL bool glm::decompose | -( | -mat< 4, 4, T, Q > const & | -modelMatrix, | -
- | - | vec< 3, T, Q > & | -scale, | -
- | - | qua< T, Q > & | -orientation, | -
- | - | vec< 3, T, Q > & | -translation, | -
- | - | vec< 3, T, Q > & | -skew, | -
- | - | vec< 4, T, Q > & | -perspective | -
- | ) | -- |
Decomposes a model matrix to translations, rotation and scale components.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
Include <glm/gtx/matrix_factorisation.hpp> to use the features of this extension. -More...
--Functions | |
template<length_t C, length_t R, typename T , qualifier Q> | |
GLM_FUNC_DECL mat< C, R, T, Q > | fliplr (mat< C, R, T, Q > const &in) |
Flips the matrix columns right and left. More... | |
template<length_t C, length_t R, typename T , qualifier Q> | |
GLM_FUNC_DECL mat< C, R, T, Q > | flipud (mat< C, R, T, Q > const &in) |
Flips the matrix rows up and down. More... | |
template<length_t C, length_t R, typename T , qualifier Q> | |
GLM_FUNC_DECL void | qr_decompose (mat< C, R, T, Q > const &in, mat<(C< R?C:R), R, T, Q > &q, mat< C,(C< R?C:R), T, Q > &r) |
Performs QR factorisation of a matrix. More... | |
template<length_t C, length_t R, typename T , qualifier Q> | |
GLM_FUNC_DECL void | rq_decompose (mat< C, R, T, Q > const &in, mat<(C< R?C:R), R, T, Q > &r, mat< C,(C< R?C:R), T, Q > &q) |
Performs RQ factorisation of a matrix. More... | |
Include <glm/gtx/matrix_factorisation.hpp> to use the features of this extension.
-Functions to factor matrices in various forms
-GLM_FUNC_DECL mat<C, R, T, Q> glm::fliplr | -( | -mat< C, R, T, Q > const & | -in | ) | -- |
Flips the matrix columns right and left.
-From GLM_GTX_matrix_factorisation extension.
- -GLM_FUNC_DECL mat<C, R, T, Q> glm::flipud | -( | -mat< C, R, T, Q > const & | -in | ) | -- |
Flips the matrix rows up and down.
-From GLM_GTX_matrix_factorisation extension.
- -GLM_FUNC_DECL void glm::qr_decompose | -( | -mat< C, R, T, Q > const & | -in | ) | -- |
Performs QR factorisation of a matrix.
-Returns 2 matrices, q and r, such that the columns of q are orthonormal and span the same subspace than those of the input matrix, r is an upper triangular matrix, and q*r=in. Given an n-by-m input matrix, q has dimensions min(n,m)-by-m, and r has dimensions n-by-min(n,m).
-From GLM_GTX_matrix_factorisation extension.
- -GLM_FUNC_DECL void glm::rq_decompose | -( | -mat< C, R, T, Q > const & | -in | ) | -- |
Performs RQ factorisation of a matrix.
-Returns 2 matrices, r and q, such that r is an upper triangular matrix, the rows of q are orthonormal and span the same subspace than those of the input matrix, and r*q=in. Note that in the context of RQ factorisation, the diagonal is seen as starting in the lower-right corner of the matrix, instead of the usual upper-left. Given an n-by-m input matrix, r has dimensions min(n,m)-by-m, and q has dimensions n-by-min(n,m).
-From GLM_GTX_matrix_factorisation extension.
- -![]() |
-
- 0.9.9 API documentation
-
- |
-
Include <glm/gtx/matrix_interpolation.hpp> to use the features of this extension. -More...
--Functions | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL void | axisAngle (mat< 4, 4, T, Q > const &Mat, vec< 3, T, Q > &Axis, T &Angle) |
Get the axis and angle of the rotation from a matrix. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL mat< 4, 4, T, Q > | axisAngleMatrix (vec< 3, T, Q > const &Axis, T const Angle) |
Build a matrix from axis and angle. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL mat< 4, 4, T, Q > | extractMatrixRotation (mat< 4, 4, T, Q > const &Mat) |
Extracts the rotation part of a matrix. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL mat< 4, 4, T, Q > | interpolate (mat< 4, 4, T, Q > const &m1, mat< 4, 4, T, Q > const &m2, T const Delta) |
Build a interpolation of 4 * 4 matrixes. More... | |
Include <glm/gtx/matrix_interpolation.hpp> to use the features of this extension.
-Allows to directly interpolate two matrices.
-GLM_FUNC_DECL void glm::axisAngle | -( | -mat< 4, 4, T, Q > const & | -Mat, | -
- | - | vec< 3, T, Q > & | -Axis, | -
- | - | T & | -Angle | -
- | ) | -- |
Get the axis and angle of the rotation from a matrix.
-From GLM_GTX_matrix_interpolation extension.
- -GLM_FUNC_DECL mat<4, 4, T, Q> glm::axisAngleMatrix | -( | -vec< 3, T, Q > const & | -Axis, | -
- | - | T const | -Angle | -
- | ) | -- |
Build a matrix from axis and angle.
-From GLM_GTX_matrix_interpolation extension.
- -GLM_FUNC_DECL mat<4, 4, T, Q> glm::extractMatrixRotation | -( | -mat< 4, 4, T, Q > const & | -Mat | ) | -- |
Extracts the rotation part of a matrix.
-From GLM_GTX_matrix_interpolation extension.
- -GLM_FUNC_DECL mat<4, 4, T, Q> glm::interpolate | -( | -mat< 4, 4, T, Q > const & | -m1, | -
- | - | mat< 4, 4, T, Q > const & | -m2, | -
- | - | T const | -Delta | -
- | ) | -- |
Build a interpolation of 4 * 4 matrixes.
-From GLM_GTX_matrix_interpolation extension. Warning! works only with rotation and/or translation matrixes, scale will generate unexpected results.
- -![]() |
-
- 0.9.9 API documentation
-
- |
-
Include <glm/gtx/matrix_major_storage.hpp> to use the features of this extension. -More...
--Functions | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL mat< 2, 2, T, Q > | colMajor2 (vec< 2, T, Q > const &v1, vec< 2, T, Q > const &v2) |
Build a column major matrix from column vectors. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL mat< 2, 2, T, Q > | colMajor2 (mat< 2, 2, T, Q > const &m) |
Build a column major matrix from other matrix. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL mat< 3, 3, T, Q > | colMajor3 (vec< 3, T, Q > const &v1, vec< 3, T, Q > const &v2, vec< 3, T, Q > const &v3) |
Build a column major matrix from column vectors. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL mat< 3, 3, T, Q > | colMajor3 (mat< 3, 3, T, Q > const &m) |
Build a column major matrix from other matrix. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL mat< 4, 4, T, Q > | colMajor4 (vec< 4, T, Q > const &v1, vec< 4, T, Q > const &v2, vec< 4, T, Q > const &v3, vec< 4, T, Q > const &v4) |
Build a column major matrix from column vectors. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL mat< 4, 4, T, Q > | colMajor4 (mat< 4, 4, T, Q > const &m) |
Build a column major matrix from other matrix. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL mat< 2, 2, T, Q > | rowMajor2 (vec< 2, T, Q > const &v1, vec< 2, T, Q > const &v2) |
Build a row major matrix from row vectors. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL mat< 2, 2, T, Q > | rowMajor2 (mat< 2, 2, T, Q > const &m) |
Build a row major matrix from other matrix. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL mat< 3, 3, T, Q > | rowMajor3 (vec< 3, T, Q > const &v1, vec< 3, T, Q > const &v2, vec< 3, T, Q > const &v3) |
Build a row major matrix from row vectors. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL mat< 3, 3, T, Q > | rowMajor3 (mat< 3, 3, T, Q > const &m) |
Build a row major matrix from other matrix. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL mat< 4, 4, T, Q > | rowMajor4 (vec< 4, T, Q > const &v1, vec< 4, T, Q > const &v2, vec< 4, T, Q > const &v3, vec< 4, T, Q > const &v4) |
Build a row major matrix from row vectors. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL mat< 4, 4, T, Q > | rowMajor4 (mat< 4, 4, T, Q > const &m) |
Build a row major matrix from other matrix. More... | |
Include <glm/gtx/matrix_major_storage.hpp> to use the features of this extension.
-Build matrices with specific matrix order, row or column
-GLM_FUNC_DECL mat<2, 2, T, Q> glm::colMajor2 | -( | -vec< 2, T, Q > const & | -v1, | -
- | - | vec< 2, T, Q > const & | -v2 | -
- | ) | -- |
Build a column major matrix from column vectors.
-From GLM_GTX_matrix_major_storage extension.
- -GLM_FUNC_DECL mat<2, 2, T, Q> glm::colMajor2 | -( | -mat< 2, 2, T, Q > const & | -m | ) | -- |
Build a column major matrix from other matrix.
-From GLM_GTX_matrix_major_storage extension.
- -GLM_FUNC_DECL mat<3, 3, T, Q> glm::colMajor3 | -( | -vec< 3, T, Q > const & | -v1, | -
- | - | vec< 3, T, Q > const & | -v2, | -
- | - | vec< 3, T, Q > const & | -v3 | -
- | ) | -- |
Build a column major matrix from column vectors.
-From GLM_GTX_matrix_major_storage extension.
- -GLM_FUNC_DECL mat<3, 3, T, Q> glm::colMajor3 | -( | -mat< 3, 3, T, Q > const & | -m | ) | -- |
Build a column major matrix from other matrix.
-From GLM_GTX_matrix_major_storage extension.
- -GLM_FUNC_DECL mat<4, 4, T, Q> glm::colMajor4 | -( | -vec< 4, T, Q > const & | -v1, | -
- | - | vec< 4, T, Q > const & | -v2, | -
- | - | vec< 4, T, Q > const & | -v3, | -
- | - | vec< 4, T, Q > const & | -v4 | -
- | ) | -- |
Build a column major matrix from column vectors.
-From GLM_GTX_matrix_major_storage extension.
- -GLM_FUNC_DECL mat<4, 4, T, Q> glm::colMajor4 | -( | -mat< 4, 4, T, Q > const & | -m | ) | -- |
Build a column major matrix from other matrix.
-From GLM_GTX_matrix_major_storage extension.
- -GLM_FUNC_DECL mat<2, 2, T, Q> glm::rowMajor2 | -( | -vec< 2, T, Q > const & | -v1, | -
- | - | vec< 2, T, Q > const & | -v2 | -
- | ) | -- |
Build a row major matrix from row vectors.
-From GLM_GTX_matrix_major_storage extension.
- -GLM_FUNC_DECL mat<2, 2, T, Q> glm::rowMajor2 | -( | -mat< 2, 2, T, Q > const & | -m | ) | -- |
Build a row major matrix from other matrix.
-From GLM_GTX_matrix_major_storage extension.
- -GLM_FUNC_DECL mat<3, 3, T, Q> glm::rowMajor3 | -( | -vec< 3, T, Q > const & | -v1, | -
- | - | vec< 3, T, Q > const & | -v2, | -
- | - | vec< 3, T, Q > const & | -v3 | -
- | ) | -- |
Build a row major matrix from row vectors.
-From GLM_GTX_matrix_major_storage extension.
- -GLM_FUNC_DECL mat<3, 3, T, Q> glm::rowMajor3 | -( | -mat< 3, 3, T, Q > const & | -m | ) | -- |
Build a row major matrix from other matrix.
-From GLM_GTX_matrix_major_storage extension.
- -GLM_FUNC_DECL mat<4, 4, T, Q> glm::rowMajor4 | -( | -vec< 4, T, Q > const & | -v1, | -
- | - | vec< 4, T, Q > const & | -v2, | -
- | - | vec< 4, T, Q > const & | -v3, | -
- | - | vec< 4, T, Q > const & | -v4 | -
- | ) | -- |
Build a row major matrix from row vectors.
-From GLM_GTX_matrix_major_storage extension.
- -GLM_FUNC_DECL mat<4, 4, T, Q> glm::rowMajor4 | -( | -mat< 4, 4, T, Q > const & | -m | ) | -- |
Build a row major matrix from other matrix.
-From GLM_GTX_matrix_major_storage extension.
- -![]() |
-
- 0.9.9 API documentation
-
- |
-
Include <glm/gtx/matrix_operation.hpp> to use the features of this extension. -More...
--Functions | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL mat< 2, 2, T, Q > | adjugate (mat< 2, 2, T, Q > const &m) |
Build an adjugate matrix. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL mat< 3, 3, T, Q > | adjugate (mat< 3, 3, T, Q > const &m) |
Build an adjugate matrix. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL mat< 4, 4, T, Q > | adjugate (mat< 4, 4, T, Q > const &m) |
Build an adjugate matrix. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL mat< 2, 2, T, Q > | diagonal2x2 (vec< 2, T, Q > const &v) |
Build a diagonal matrix. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL mat< 2, 3, T, Q > | diagonal2x3 (vec< 2, T, Q > const &v) |
Build a diagonal matrix. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL mat< 2, 4, T, Q > | diagonal2x4 (vec< 2, T, Q > const &v) |
Build a diagonal matrix. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL mat< 3, 2, T, Q > | diagonal3x2 (vec< 2, T, Q > const &v) |
Build a diagonal matrix. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL mat< 3, 3, T, Q > | diagonal3x3 (vec< 3, T, Q > const &v) |
Build a diagonal matrix. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL mat< 3, 4, T, Q > | diagonal3x4 (vec< 3, T, Q > const &v) |
Build a diagonal matrix. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL mat< 4, 2, T, Q > | diagonal4x2 (vec< 2, T, Q > const &v) |
Build a diagonal matrix. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL mat< 4, 3, T, Q > | diagonal4x3 (vec< 3, T, Q > const &v) |
Build a diagonal matrix. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL mat< 4, 4, T, Q > | diagonal4x4 (vec< 4, T, Q > const &v) |
Build a diagonal matrix. More... | |
Include <glm/gtx/matrix_operation.hpp> to use the features of this extension.
-Build diagonal matrices from vectors.
-GLM_FUNC_DECL mat<2, 2, T, Q> glm::adjugate | -( | -mat< 2, 2, T, Q > const & | -m | ) | -- |
Build an adjugate matrix.
-From GLM_GTX_matrix_operation extension.
- -GLM_FUNC_DECL mat<3, 3, T, Q> glm::adjugate | -( | -mat< 3, 3, T, Q > const & | -m | ) | -- |
Build an adjugate matrix.
-From GLM_GTX_matrix_operation extension.
- -GLM_FUNC_DECL mat<4, 4, T, Q> glm::adjugate | -( | -mat< 4, 4, T, Q > const & | -m | ) | -- |
Build an adjugate matrix.
-From GLM_GTX_matrix_operation extension.
- -GLM_FUNC_DECL mat<2, 2, T, Q> glm::diagonal2x2 | -( | -vec< 2, T, Q > const & | -v | ) | -- |
Build a diagonal matrix.
-From GLM_GTX_matrix_operation extension.
- -GLM_FUNC_DECL mat<2, 3, T, Q> glm::diagonal2x3 | -( | -vec< 2, T, Q > const & | -v | ) | -- |
Build a diagonal matrix.
-From GLM_GTX_matrix_operation extension.
- -GLM_FUNC_DECL mat<2, 4, T, Q> glm::diagonal2x4 | -( | -vec< 2, T, Q > const & | -v | ) | -- |
Build a diagonal matrix.
-From GLM_GTX_matrix_operation extension.
- -GLM_FUNC_DECL mat<3, 2, T, Q> glm::diagonal3x2 | -( | -vec< 2, T, Q > const & | -v | ) | -- |
Build a diagonal matrix.
-From GLM_GTX_matrix_operation extension.
- -GLM_FUNC_DECL mat<3, 3, T, Q> glm::diagonal3x3 | -( | -vec< 3, T, Q > const & | -v | ) | -- |
Build a diagonal matrix.
-From GLM_GTX_matrix_operation extension.
- -GLM_FUNC_DECL mat<3, 4, T, Q> glm::diagonal3x4 | -( | -vec< 3, T, Q > const & | -v | ) | -- |
Build a diagonal matrix.
-From GLM_GTX_matrix_operation extension.
- -GLM_FUNC_DECL mat<4, 2, T, Q> glm::diagonal4x2 | -( | -vec< 2, T, Q > const & | -v | ) | -- |
Build a diagonal matrix.
-From GLM_GTX_matrix_operation extension.
- -GLM_FUNC_DECL mat<4, 3, T, Q> glm::diagonal4x3 | -( | -vec< 3, T, Q > const & | -v | ) | -- |
Build a diagonal matrix.
-From GLM_GTX_matrix_operation extension.
- -GLM_FUNC_DECL mat<4, 4, T, Q> glm::diagonal4x4 | -( | -vec< 4, T, Q > const & | -v | ) | -- |
Build a diagonal matrix.
-From GLM_GTX_matrix_operation extension.
- -![]() |
-
- 0.9.9 API documentation
-
- |
-
Include <glm/gtx/matrix_query.hpp> to use the features of this extension. -More...
--Functions | |
template<length_t C, length_t R, typename T , qualifier Q, template< length_t, length_t, typename, qualifier > class matType> | |
GLM_FUNC_DECL bool | isIdentity (matType< C, R, T, Q > const &m, T const &epsilon) |
Return whether a matrix is an identity matrix. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL bool | isNormalized (mat< 2, 2, T, Q > const &m, T const &epsilon) |
Return whether a matrix is a normalized matrix. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL bool | isNormalized (mat< 3, 3, T, Q > const &m, T const &epsilon) |
Return whether a matrix is a normalized matrix. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL bool | isNormalized (mat< 4, 4, T, Q > const &m, T const &epsilon) |
Return whether a matrix is a normalized matrix. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL bool | isNull (mat< 2, 2, T, Q > const &m, T const &epsilon) |
Return whether a matrix a null matrix. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL bool | isNull (mat< 3, 3, T, Q > const &m, T const &epsilon) |
Return whether a matrix a null matrix. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL bool | isNull (mat< 4, 4, T, Q > const &m, T const &epsilon) |
Return whether a matrix is a null matrix. More... | |
template<length_t C, length_t R, typename T , qualifier Q, template< length_t, length_t, typename, qualifier > class matType> | |
GLM_FUNC_DECL bool | isOrthogonal (matType< C, R, T, Q > const &m, T const &epsilon) |
Return whether a matrix is an orthonormalized matrix. More... | |
Include <glm/gtx/matrix_query.hpp> to use the features of this extension.
-Query to evaluate matrix properties
-GLM_FUNC_DECL bool glm::isIdentity | -( | -matType< C, R, T, Q > const & | -m, | -
- | - | T const & | -epsilon | -
- | ) | -- |
Return whether a matrix is an identity matrix.
-From GLM_GTX_matrix_query extension.
- -GLM_FUNC_DECL bool glm::isNormalized | -( | -mat< 2, 2, T, Q > const & | -m, | -
- | - | T const & | -epsilon | -
- | ) | -- |
Return whether a matrix is a normalized matrix.
-From GLM_GTX_matrix_query extension.
- -GLM_FUNC_DECL bool glm::isNormalized | -( | -mat< 3, 3, T, Q > const & | -m, | -
- | - | T const & | -epsilon | -
- | ) | -- |
Return whether a matrix is a normalized matrix.
-From GLM_GTX_matrix_query extension.
- -GLM_FUNC_DECL bool glm::isNormalized | -( | -mat< 4, 4, T, Q > const & | -m, | -
- | - | T const & | -epsilon | -
- | ) | -- |
Return whether a matrix is a normalized matrix.
-From GLM_GTX_matrix_query extension.
- -GLM_FUNC_DECL bool glm::isNull | -( | -mat< 2, 2, T, Q > const & | -m, | -
- | - | T const & | -epsilon | -
- | ) | -- |
Return whether a matrix a null matrix.
-From GLM_GTX_matrix_query extension.
- -GLM_FUNC_DECL bool glm::isNull | -( | -mat< 3, 3, T, Q > const & | -m, | -
- | - | T const & | -epsilon | -
- | ) | -- |
Return whether a matrix a null matrix.
-From GLM_GTX_matrix_query extension.
- -GLM_FUNC_DECL bool glm::isNull | -( | -mat< 4, 4, T, Q > const & | -m, | -
- | - | T const & | -epsilon | -
- | ) | -- |
Return whether a matrix is a null matrix.
-From GLM_GTX_matrix_query extension.
- -GLM_FUNC_DECL bool glm::isOrthogonal | -( | -matType< C, R, T, Q > const & | -m, | -
- | - | T const & | -epsilon | -
- | ) | -- |
Return whether a matrix is an orthonormalized matrix.
-From GLM_GTX_matrix_query extension.
- -![]() |
-
- 0.9.9 API documentation
-
- |
-
Include <glm/gtx/matrix_transform_2d.hpp> to use the features of this extension. -More...
--Functions | |
template<typename T , qualifier Q> | |
GLM_FUNC_QUALIFIER mat< 3, 3, T, Q > | rotate (mat< 3, 3, T, Q > const &m, T angle) |
Builds a rotation 3 * 3 matrix created from an angle. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_QUALIFIER mat< 3, 3, T, Q > | scale (mat< 3, 3, T, Q > const &m, vec< 2, T, Q > const &v) |
Builds a scale 3 * 3 matrix created from a vector of 2 components. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_QUALIFIER mat< 3, 3, T, Q > | shearX (mat< 3, 3, T, Q > const &m, T y) |
Builds an horizontal (parallel to the x axis) shear 3 * 3 matrix. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_QUALIFIER mat< 3, 3, T, Q > | shearY (mat< 3, 3, T, Q > const &m, T x) |
Builds a vertical (parallel to the y axis) shear 3 * 3 matrix. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_QUALIFIER mat< 3, 3, T, Q > | translate (mat< 3, 3, T, Q > const &m, vec< 2, T, Q > const &v) |
Builds a translation 3 * 3 matrix created from a vector of 2 components. More... | |
Include <glm/gtx/matrix_transform_2d.hpp> to use the features of this extension.
-Defines functions that generate common 2d transformation matrices.
-GLM_FUNC_QUALIFIER mat<3, 3, T, Q> glm::rotate | -( | -mat< 3, 3, T, Q > const & | -m, | -
- | - | T | -angle | -
- | ) | -- |
Builds a rotation 3 * 3 matrix created from an angle.
-m | Input matrix multiplied by this translation matrix. |
angle | Rotation angle expressed in radians. |
GLM_FUNC_QUALIFIER mat<3, 3, T, Q> glm::scale | -( | -mat< 3, 3, T, Q > const & | -m, | -
- | - | vec< 2, T, Q > const & | -v | -
- | ) | -- |
Builds a scale 3 * 3 matrix created from a vector of 2 components.
-m | Input matrix multiplied by this translation matrix. |
v | Coordinates of a scale vector. |
GLM_FUNC_QUALIFIER mat<3, 3, T, Q> glm::shearX | -( | -mat< 3, 3, T, Q > const & | -m, | -
- | - | T | -y | -
- | ) | -- |
Builds an horizontal (parallel to the x axis) shear 3 * 3 matrix.
-m | Input matrix multiplied by this translation matrix. |
y | Shear factor. |
GLM_FUNC_QUALIFIER mat<3, 3, T, Q> glm::shearY | -( | -mat< 3, 3, T, Q > const & | -m, | -
- | - | T | -x | -
- | ) | -- |
Builds a vertical (parallel to the y axis) shear 3 * 3 matrix.
-m | Input matrix multiplied by this translation matrix. |
x | Shear factor. |
GLM_FUNC_QUALIFIER mat<3, 3, T, Q> glm::translate | -( | -mat< 3, 3, T, Q > const & | -m, | -
- | - | vec< 2, T, Q > const & | -v | -
- | ) | -- |
Builds a translation 3 * 3 matrix created from a vector of 2 components.
-m | Input matrix multiplied by this translation matrix. |
v | Coordinates of a translation vector. |
![]() |
-
- 0.9.9 API documentation
-
- |
-
Include <glm/gtx/mixed_product.hpp> to use the features of this extension. -More...
--Functions | |
-template<typename T , qualifier Q> | |
GLM_FUNC_DECL T | mixedProduct (vec< 3, T, Q > const &v1, vec< 3, T, Q > const &v2, vec< 3, T, Q > const &v3) |
Mixed product of 3 vectors (from GLM_GTX_mixed_product extension) | |
Include <glm/gtx/mixed_product.hpp> to use the features of this extension.
-Mixed product of 3 vectors.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
Include <glm/gtx/norm.hpp> to use the features of this extension. -More...
--Functions | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL T | distance2 (vec< L, T, Q > const &p0, vec< L, T, Q > const &p1) |
Returns the squared distance between p0 and p1, i.e., length2(p0 - p1). More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL T | l1Norm (vec< 3, T, Q > const &x, vec< 3, T, Q > const &y) |
Returns the L1 norm between x and y. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL T | l1Norm (vec< 3, T, Q > const &v) |
Returns the L1 norm of v. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL T | l2Norm (vec< 3, T, Q > const &x, vec< 3, T, Q > const &y) |
Returns the L2 norm between x and y. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL T | l2Norm (vec< 3, T, Q > const &x) |
Returns the L2 norm of v. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL T | length2 (vec< L, T, Q > const &x) |
Returns the squared length of x. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL T | lMaxNorm (vec< 3, T, Q > const &x, vec< 3, T, Q > const &y) |
Returns the LMax norm between x and y. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL T | lMaxNorm (vec< 3, T, Q > const &x) |
Returns the LMax norm of v. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL T | lxNorm (vec< 3, T, Q > const &x, vec< 3, T, Q > const &y, unsigned int Depth) |
Returns the L norm between x and y. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL T | lxNorm (vec< 3, T, Q > const &x, unsigned int Depth) |
Returns the L norm of v. More... | |
Include <glm/gtx/norm.hpp> to use the features of this extension.
-Various ways to compute vector norms.
-GLM_FUNC_DECL T glm::distance2 | -( | -vec< L, T, Q > const & | -p0, | -
- | - | vec< L, T, Q > const & | -p1 | -
- | ) | -- |
Returns the squared distance between p0 and p1, i.e., length2(p0 - p1).
-From GLM_GTX_norm extension.
- -GLM_FUNC_DECL T glm::l1Norm | -( | -vec< 3, T, Q > const & | -x, | -
- | - | vec< 3, T, Q > const & | -y | -
- | ) | -- |
Returns the L1 norm between x and y.
-From GLM_GTX_norm extension.
- -GLM_FUNC_DECL T glm::l1Norm | -( | -vec< 3, T, Q > const & | -v | ) | -- |
Returns the L1 norm of v.
-From GLM_GTX_norm extension.
- -GLM_FUNC_DECL T glm::l2Norm | -( | -vec< 3, T, Q > const & | -x, | -
- | - | vec< 3, T, Q > const & | -y | -
- | ) | -- |
Returns the L2 norm between x and y.
-From GLM_GTX_norm extension.
- -GLM_FUNC_DECL T glm::l2Norm | -( | -vec< 3, T, Q > const & | -x | ) | -- |
Returns the L2 norm of v.
-From GLM_GTX_norm extension.
- -GLM_FUNC_DECL T glm::length2 | -( | -vec< L, T, Q > const & | -x | ) | -- |
Returns the squared length of x.
-From GLM_GTX_norm extension.
- -GLM_FUNC_DECL T glm::lMaxNorm | -( | -vec< 3, T, Q > const & | -x, | -
- | - | vec< 3, T, Q > const & | -y | -
- | ) | -- |
Returns the LMax norm between x and y.
-From GLM_GTX_norm extension.
- -GLM_FUNC_DECL T glm::lMaxNorm | -( | -vec< 3, T, Q > const & | -x | ) | -- |
Returns the LMax norm of v.
-From GLM_GTX_norm extension.
- -GLM_FUNC_DECL T glm::lxNorm | -( | -vec< 3, T, Q > const & | -x, | -
- | - | vec< 3, T, Q > const & | -y, | -
- | - | unsigned int | -Depth | -
- | ) | -- |
Returns the L norm between x and y.
-From GLM_GTX_norm extension.
- -GLM_FUNC_DECL T glm::lxNorm | -( | -vec< 3, T, Q > const & | -x, | -
- | - | unsigned int | -Depth | -
- | ) | -- |
Returns the L norm of v.
-From GLM_GTX_norm extension.
- -![]() |
-
- 0.9.9 API documentation
-
- |
-
Include <glm/gtx/normal.hpp> to use the features of this extension. -More...
--Functions | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL vec< 3, T, Q > | triangleNormal (vec< 3, T, Q > const &p1, vec< 3, T, Q > const &p2, vec< 3, T, Q > const &p3) |
Computes triangle normal from triangle points. More... | |
Include <glm/gtx/normal.hpp> to use the features of this extension.
-Compute the normal of a triangle.
-GLM_FUNC_DECL vec<3, T, Q> glm::triangleNormal | -( | -vec< 3, T, Q > const & | -p1, | -
- | - | vec< 3, T, Q > const & | -p2, | -
- | - | vec< 3, T, Q > const & | -p3 | -
- | ) | -- |
Computes triangle normal from triangle points.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
Include <glm/gtx/normalized_dot.hpp> to use the features of this extension. -More...
--Functions | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL T | fastNormalizeDot (vec< L, T, Q > const &x, vec< L, T, Q > const &y) |
Normalize parameters and returns the dot product of x and y. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL T | normalizeDot (vec< L, T, Q > const &x, vec< L, T, Q > const &y) |
Normalize parameters and returns the dot product of x and y. More... | |
Include <glm/gtx/normalized_dot.hpp> to use the features of this extension.
-Dot product of vectors that need to be normalize with a single square root.
-GLM_FUNC_DECL T glm::fastNormalizeDot | -( | -vec< L, T, Q > const & | -x, | -
- | - | vec< L, T, Q > const & | -y | -
- | ) | -- |
Normalize parameters and returns the dot product of x and y.
-Faster that dot(fastNormalize(x), fastNormalize(y)).
-GLM_FUNC_DECL T glm::normalizeDot | -( | -vec< L, T, Q > const & | -x, | -
- | - | vec< L, T, Q > const & | -y | -
- | ) | -- |
Normalize parameters and returns the dot product of x and y.
-It's faster that dot(normalize(x), normalize(y)).
-![]() |
-
- 0.9.9 API documentation
-
- |
-
Include <glm/gtx/number_precision.hpp> to use the features of this extension. -More...
--Typedefs | |
-typedef f32 | f32mat1 |
Single-qualifier floating-point scalar. (from GLM_GTX_number_precision extension) | |
-typedef f32 | f32mat1x1 |
Single-qualifier floating-point scalar. (from GLM_GTX_number_precision extension) | |
-typedef f32 | f32vec1 |
Single-qualifier floating-point scalar. (from GLM_GTX_number_precision extension) | |
-typedef f64 | f64mat1 |
Double-qualifier floating-point scalar. (from GLM_GTX_number_precision extension) | |
-typedef f64 | f64mat1x1 |
Double-qualifier floating-point scalar. (from GLM_GTX_number_precision extension) | |
-typedef f64 | f64vec1 |
Single-qualifier floating-point scalar. (from GLM_GTX_number_precision extension) | |
-typedef u16 | u16vec1 |
16bit unsigned integer scalar. (from GLM_GTX_number_precision extension) | |
-typedef u32 | u32vec1 |
32bit unsigned integer scalar. (from GLM_GTX_number_precision extension) | |
-typedef u64 | u64vec1 |
64bit unsigned integer scalar. (from GLM_GTX_number_precision extension) | |
-typedef u8 | u8vec1 |
8bit unsigned integer scalar. (from GLM_GTX_number_precision extension) | |
Include <glm/gtx/number_precision.hpp> to use the features of this extension.
-Defined size types.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
Include <glm/gtx/optimum_pow.hpp> to use the features of this extension. -More...
--Functions | |
template<typename genType > | |
GLM_FUNC_DECL genType | pow2 (genType const &x) |
Returns x raised to the power of 2. More... | |
template<typename genType > | |
GLM_FUNC_DECL genType | pow3 (genType const &x) |
Returns x raised to the power of 3. More... | |
template<typename genType > | |
GLM_FUNC_DECL genType | pow4 (genType const &x) |
Returns x raised to the power of 4. More... | |
Include <glm/gtx/optimum_pow.hpp> to use the features of this extension.
-Integer exponentiation of power functions.
-GLM_FUNC_DECL genType glm::gtx::pow2 | -( | -genType const & | -x | ) | -- |
Returns x raised to the power of 2.
-GLM_FUNC_DECL genType glm::gtx::pow3 | -( | -genType const & | -x | ) | -- |
Returns x raised to the power of 3.
-GLM_FUNC_DECL genType glm::gtx::pow4 | -( | -genType const & | -x | ) | -- |
Returns x raised to the power of 4.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
Include <glm/gtx/orthonormalize.hpp> to use the features of this extension. -More...
--Functions | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL mat< 3, 3, T, Q > | orthonormalize (mat< 3, 3, T, Q > const &m) |
Returns the orthonormalized matrix of m. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL vec< 3, T, Q > | orthonormalize (vec< 3, T, Q > const &x, vec< 3, T, Q > const &y) |
Orthonormalizes x according y. More... | |
Include <glm/gtx/orthonormalize.hpp> to use the features of this extension.
-Orthonormalize matrices.
-GLM_FUNC_DECL mat<3, 3, T, Q> glm::orthonormalize | -( | -mat< 3, 3, T, Q > const & | -m | ) | -- |
Returns the orthonormalized matrix of m.
-GLM_FUNC_DECL vec<3, T, Q> glm::orthonormalize | -( | -vec< 3, T, Q > const & | -x, | -
- | - | vec< 3, T, Q > const & | -y | -
- | ) | -- |
Orthonormalizes x according y.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
Include <glm/gtx/perpendicular.hpp> to use the features of this extension. -More...
--Functions | |
template<typename genType > | |
GLM_FUNC_DECL genType | perp (genType const &x, genType const &Normal) |
Projects x a perpendicular axis of Normal. More... | |
Include <glm/gtx/perpendicular.hpp> to use the features of this extension.
-Perpendicular of a vector from other one
-GLM_FUNC_DECL genType glm::perp | -( | -genType const & | -x, | -
- | - | genType const & | -Normal | -
- | ) | -- |
Projects x a perpendicular axis of Normal.
-From GLM_GTX_perpendicular extension.
- -![]() |
-
- 0.9.9 API documentation
-
- |
-
Include <glm/gtx/polar_coordinates.hpp> to use the features of this extension. -More...
--Functions | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL vec< 3, T, Q > | euclidean (vec< 2, T, Q > const &polar) |
Convert Polar to Euclidean coordinates. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL vec< 3, T, Q > | polar (vec< 3, T, Q > const &euclidean) |
Convert Euclidean to Polar coordinates, x is the xz distance, y, the latitude and z the longitude. More... | |
Include <glm/gtx/polar_coordinates.hpp> to use the features of this extension.
-Conversion from Euclidean space to polar space and revert.
-GLM_FUNC_DECL vec<3, T, Q> glm::euclidean | -( | -vec< 2, T, Q > const & | -polar | ) | -- |
Convert Polar to Euclidean coordinates.
-GLM_FUNC_DECL vec<3, T, Q> glm::polar | -( | -vec< 3, T, Q > const & | -euclidean | ) | -- |
Convert Euclidean to Polar coordinates, x is the xz distance, y, the latitude and z the longitude.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
Include <glm/gtx/projection.hpp> to use the features of this extension. -More...
--Functions | |
template<typename genType > | |
GLM_FUNC_DECL genType | proj (genType const &x, genType const &Normal) |
Projects x on Normal. More... | |
Include <glm/gtx/projection.hpp> to use the features of this extension.
-Projection of a vector to other one
-GLM_FUNC_DECL genType glm::proj | -( | -genType const & | -x, | -
- | - | genType const & | -Normal | -
- | ) | -- |
Projects x on Normal.
-[in] | x | A vector to project |
[in] | Normal | A normal that doesn't need to be of unit length. |
![]() |
-
- 0.9.9 API documentation
-
- |
-
Include <glm/gtx/quaternion.hpp> to use the features of this extension. -More...
--Functions | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL vec< 3, T, Q > | cross (qua< T, Q > const &q, vec< 3, T, Q > const &v) |
Compute a cross product between a quaternion and a vector. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL vec< 3, T, Q > | cross (vec< 3, T, Q > const &v, qua< T, Q > const &q) |
Compute a cross product between a vector and a quaternion. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL T | extractRealComponent (qua< T, Q > const &q) |
Extract the real component of a quaternion. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL qua< T, Q > | fastMix (qua< T, Q > const &x, qua< T, Q > const &y, T const &a) |
Quaternion normalized linear interpolation. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL qua< T, Q > | intermediate (qua< T, Q > const &prev, qua< T, Q > const &curr, qua< T, Q > const &next) |
Returns an intermediate control point for squad interpolation. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL T | length2 (qua< T, Q > const &q) |
Returns the squared length of x. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL qua< T, Q > | quat_identity () |
Create an identity quaternion. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL vec< 3, T, Q > | rotate (qua< T, Q > const &q, vec< 3, T, Q > const &v) |
Returns quarternion square root. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL vec< 4, T, Q > | rotate (qua< T, Q > const &q, vec< 4, T, Q > const &v) |
Rotates a 4 components vector by a quaternion. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL qua< T, Q > | rotation (vec< 3, T, Q > const &orig, vec< 3, T, Q > const &dest) |
Compute the rotation between two vectors. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL qua< T, Q > | shortMix (qua< T, Q > const &x, qua< T, Q > const &y, T const &a) |
Quaternion interpolation using the rotation short path. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL qua< T, Q > | squad (qua< T, Q > const &q1, qua< T, Q > const &q2, qua< T, Q > const &s1, qua< T, Q > const &s2, T const &h) |
Compute a point on a path according squad equation. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL mat< 3, 3, T, Q > | toMat3 (qua< T, Q > const &x) |
Converts a quaternion to a 3 * 3 matrix. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL mat< 4, 4, T, Q > | toMat4 (qua< T, Q > const &x) |
Converts a quaternion to a 4 * 4 matrix. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL qua< T, Q > | toQuat (mat< 3, 3, T, Q > const &x) |
Converts a 3 * 3 matrix to a quaternion. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL qua< T, Q > | toQuat (mat< 4, 4, T, Q > const &x) |
Converts a 4 * 4 matrix to a quaternion. More... | |
Include <glm/gtx/quaternion.hpp> to use the features of this extension.
-Extented quaternion types and functions
-GLM_FUNC_DECL vec<3, T, Q> glm::cross | -( | -qua< T, Q > const & | -q, | -
- | - | vec< 3, T, Q > const & | -v | -
- | ) | -- |
Compute a cross product between a quaternion and a vector.
-GLM_FUNC_DECL vec<3, T, Q> glm::cross | -( | -vec< 3, T, Q > const & | -v, | -
- | - | qua< T, Q > const & | -q | -
- | ) | -- |
Compute a cross product between a vector and a quaternion.
-GLM_FUNC_DECL T glm::extractRealComponent | -( | -qua< T, Q > const & | -q | ) | -- |
Extract the real component of a quaternion.
-GLM_FUNC_DECL qua<T, Q> glm::fastMix | -( | -qua< T, Q > const & | -x, | -
- | - | qua< T, Q > const & | -y, | -
- | - | T const & | -a | -
- | ) | -- |
Quaternion normalized linear interpolation.
-GLM_FUNC_DECL qua<T, Q> glm::intermediate | -( | -qua< T, Q > const & | -prev, | -
- | - | qua< T, Q > const & | -curr, | -
- | - | qua< T, Q > const & | -next | -
- | ) | -- |
Returns an intermediate control point for squad interpolation.
-GLM_FUNC_DECL T glm::length2 | -( | -qua< T, Q > const & | -q | ) | -- |
Returns the squared length of x.
-GLM_FUNC_DECL qua<T, Q> glm::quat_identity | -( | -) | -- |
Create an identity quaternion.
-GLM_FUNC_DECL vec<3, T, Q> glm::rotate | -( | -qua< T, Q > const & | -q, | -
- | - | vec< 3, T, Q > const & | -v | -
- | ) | -- |
Returns quarternion square root.
-GLM_FUNC_DECL vec<4, T, Q> glm::rotate | -( | -qua< T, Q > const & | -q, | -
- | - | vec< 4, T, Q > const & | -v | -
- | ) | -- |
Rotates a 4 components vector by a quaternion.
-GLM_FUNC_DECL qua<T, Q> glm::rotation | -( | -vec< 3, T, Q > const & | -orig, | -
- | - | vec< 3, T, Q > const & | -dest | -
- | ) | -- |
Compute the rotation between two vectors.
-orig | vector, needs to be normalized |
dest | vector, needs to be normalized |
GLM_FUNC_DECL qua<T, Q> glm::shortMix | -( | -qua< T, Q > const & | -x, | -
- | - | qua< T, Q > const & | -y, | -
- | - | T const & | -a | -
- | ) | -- |
Quaternion interpolation using the rotation short path.
-GLM_FUNC_DECL qua<T, Q> glm::squad | -( | -qua< T, Q > const & | -q1, | -
- | - | qua< T, Q > const & | -q2, | -
- | - | qua< T, Q > const & | -s1, | -
- | - | qua< T, Q > const & | -s2, | -
- | - | T const & | -h | -
- | ) | -- |
Compute a point on a path according squad equation.
-q1 and q2 are control points; s1 and s2 are intermediate control points.
-GLM_FUNC_DECL mat<3, 3, T, Q> glm::toMat3 | -( | -qua< T, Q > const & | -x | ) | -- |
Converts a quaternion to a 3 * 3 matrix.
-Definition at line 113 of file gtx/quaternion.hpp.
- -References glm::mat3_cast().
- -GLM_FUNC_DECL mat<4, 4, T, Q> glm::toMat4 | -( | -qua< T, Q > const & | -x | ) | -- |
Converts a quaternion to a 4 * 4 matrix.
-Definition at line 120 of file gtx/quaternion.hpp.
- -References glm::mat4_cast().
- -GLM_FUNC_DECL qua<T, Q> glm::toQuat | -( | -mat< 3, 3, T, Q > const & | -x | ) | -- |
Converts a 3 * 3 matrix to a quaternion.
-Definition at line 127 of file gtx/quaternion.hpp.
- -References glm::quat_cast().
- -GLM_FUNC_DECL qua<T, Q> glm::toQuat | -( | -mat< 4, 4, T, Q > const & | -x | ) | -- |
Converts a 4 * 4 matrix to a quaternion.
-Definition at line 134 of file gtx/quaternion.hpp.
- -References glm::quat_cast().
- -![]() |
-
- 0.9.9 API documentation
-
- |
-
Include <glm/gtx/range.hpp> to use the features of this extension. -More...
-Include <glm/gtx/range.hpp> to use the features of this extension.
-Defines begin and end for vectors and matrices. Useful for range-based for loop. The range is defined over the elements, not over columns or rows (e.g. mat4 has 16 elements).
-![]() |
-
- 0.9.9 API documentation
-
- |
-
Include <glm/gtx/raw_data.hpp> to use the features of this extension. -More...
--Typedefs | |
typedef detail::uint8 | byte |
Type for byte numbers. More... | |
typedef detail::uint32 | dword |
Type for dword numbers. More... | |
typedef detail::uint64 | qword |
Type for qword numbers. More... | |
typedef detail::uint16 | word |
Type for word numbers. More... | |
Include <glm/gtx/raw_data.hpp> to use the features of this extension.
-Projection of a vector to other one
-typedef detail::uint8 byte | -
Type for byte numbers.
-From GLM_GTX_raw_data extension.
- -Definition at line 34 of file raw_data.hpp.
- -typedef detail::uint32 dword | -
Type for dword numbers.
-From GLM_GTX_raw_data extension.
- -Definition at line 42 of file raw_data.hpp.
- -typedef detail::uint64 qword | -
Type for qword numbers.
-From GLM_GTX_raw_data extension.
- -Definition at line 46 of file raw_data.hpp.
- -typedef detail::uint16 word | -
Type for word numbers.
-From GLM_GTX_raw_data extension.
- -Definition at line 38 of file raw_data.hpp.
- -![]() |
-
- 0.9.9 API documentation
-
- |
-
Include <glm/gtx/rotate_normalized_axis.hpp> to use the features of this extension. -More...
--Functions | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL mat< 4, 4, T, Q > | rotateNormalizedAxis (mat< 4, 4, T, Q > const &m, T const &angle, vec< 3, T, Q > const &axis) |
Builds a rotation 4 * 4 matrix created from a normalized axis and an angle. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL qua< T, Q > | rotateNormalizedAxis (qua< T, Q > const &q, T const &angle, vec< 3, T, Q > const &axis) |
Rotates a quaternion from a vector of 3 components normalized axis and an angle. More... | |
Include <glm/gtx/rotate_normalized_axis.hpp> to use the features of this extension.
-Quaternions and matrices rotations around normalized axis.
-GLM_FUNC_DECL mat<4, 4, T, Q> glm::rotateNormalizedAxis | -( | -mat< 4, 4, T, Q > const & | -m, | -
- | - | T const & | -angle, | -
- | - | vec< 3, T, Q > const & | -axis | -
- | ) | -- |
Builds a rotation 4 * 4 matrix created from a normalized axis and an angle.
-m | Input matrix multiplied by this rotation matrix. |
angle | Rotation angle expressed in radians. |
axis | Rotation axis, must be normalized. |
T | Value type used to build the matrix. Currently supported: half (not recommended), float or double. |
GLM_FUNC_DECL qua<T, Q> glm::rotateNormalizedAxis | -( | -qua< T, Q > const & | -q, | -
- | - | T const & | -angle, | -
- | - | vec< 3, T, Q > const & | -axis | -
- | ) | -- |
Rotates a quaternion from a vector of 3 components normalized axis and an angle.
-q | Source orientation |
angle | Angle expressed in radians. |
axis | Normalized axis of the rotation, must be normalized. |
![]() |
-
- 0.9.9 API documentation
-
- |
-
Include <glm/gtx/rotate_vector.hpp> to use the features of this extension. -More...
--Functions | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL mat< 4, 4, T, Q > | orientation (vec< 3, T, Q > const &Normal, vec< 3, T, Q > const &Up) |
Build a rotation matrix from a normal and a up vector. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL vec< 2, T, Q > | rotate (vec< 2, T, Q > const &v, T const &angle) |
Rotate a two dimensional vector. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL vec< 3, T, Q > | rotate (vec< 3, T, Q > const &v, T const &angle, vec< 3, T, Q > const &normal) |
Rotate a three dimensional vector around an axis. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL vec< 4, T, Q > | rotate (vec< 4, T, Q > const &v, T const &angle, vec< 3, T, Q > const &normal) |
Rotate a four dimensional vector around an axis. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL vec< 3, T, Q > | rotateX (vec< 3, T, Q > const &v, T const &angle) |
Rotate a three dimensional vector around the X axis. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL vec< 4, T, Q > | rotateX (vec< 4, T, Q > const &v, T const &angle) |
Rotate a four dimensional vector around the X axis. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL vec< 3, T, Q > | rotateY (vec< 3, T, Q > const &v, T const &angle) |
Rotate a three dimensional vector around the Y axis. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL vec< 4, T, Q > | rotateY (vec< 4, T, Q > const &v, T const &angle) |
Rotate a four dimensional vector around the Y axis. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL vec< 3, T, Q > | rotateZ (vec< 3, T, Q > const &v, T const &angle) |
Rotate a three dimensional vector around the Z axis. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL vec< 4, T, Q > | rotateZ (vec< 4, T, Q > const &v, T const &angle) |
Rotate a four dimensional vector around the Z axis. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL vec< 3, T, Q > | slerp (vec< 3, T, Q > const &x, vec< 3, T, Q > const &y, T const &a) |
Returns Spherical interpolation between two vectors. More... | |
Include <glm/gtx/rotate_vector.hpp> to use the features of this extension.
-Function to directly rotate a vector
-GLM_FUNC_DECL mat<4, 4, T, Q> glm::orientation | -( | -vec< 3, T, Q > const & | -Normal, | -
- | - | vec< 3, T, Q > const & | -Up | -
- | ) | -- |
Build a rotation matrix from a normal and a up vector.
-From GLM_GTX_rotate_vector extension.
- -GLM_FUNC_DECL vec<2, T, Q> glm::rotate | -( | -vec< 2, T, Q > const & | -v, | -
- | - | T const & | -angle | -
- | ) | -- |
Rotate a two dimensional vector.
-From GLM_GTX_rotate_vector extension.
- -GLM_FUNC_DECL vec<3, T, Q> glm::rotate | -( | -vec< 3, T, Q > const & | -v, | -
- | - | T const & | -angle, | -
- | - | vec< 3, T, Q > const & | -normal | -
- | ) | -- |
Rotate a three dimensional vector around an axis.
-From GLM_GTX_rotate_vector extension.
- -GLM_FUNC_DECL vec<4, T, Q> glm::rotate | -( | -vec< 4, T, Q > const & | -v, | -
- | - | T const & | -angle, | -
- | - | vec< 3, T, Q > const & | -normal | -
- | ) | -- |
Rotate a four dimensional vector around an axis.
-From GLM_GTX_rotate_vector extension.
- -GLM_FUNC_DECL vec<3, T, Q> glm::rotateX | -( | -vec< 3, T, Q > const & | -v, | -
- | - | T const & | -angle | -
- | ) | -- |
Rotate a three dimensional vector around the X axis.
-From GLM_GTX_rotate_vector extension.
- -GLM_FUNC_DECL vec<4, T, Q> glm::rotateX | -( | -vec< 4, T, Q > const & | -v, | -
- | - | T const & | -angle | -
- | ) | -- |
Rotate a four dimensional vector around the X axis.
-From GLM_GTX_rotate_vector extension.
- -GLM_FUNC_DECL vec<3, T, Q> glm::rotateY | -( | -vec< 3, T, Q > const & | -v, | -
- | - | T const & | -angle | -
- | ) | -- |
Rotate a three dimensional vector around the Y axis.
-From GLM_GTX_rotate_vector extension.
- -GLM_FUNC_DECL vec<4, T, Q> glm::rotateY | -( | -vec< 4, T, Q > const & | -v, | -
- | - | T const & | -angle | -
- | ) | -- |
Rotate a four dimensional vector around the Y axis.
-From GLM_GTX_rotate_vector extension.
- -GLM_FUNC_DECL vec<3, T, Q> glm::rotateZ | -( | -vec< 3, T, Q > const & | -v, | -
- | - | T const & | -angle | -
- | ) | -- |
Rotate a three dimensional vector around the Z axis.
-From GLM_GTX_rotate_vector extension.
- -GLM_FUNC_DECL vec<4, T, Q> glm::rotateZ | -( | -vec< 4, T, Q > const & | -v, | -
- | - | T const & | -angle | -
- | ) | -- |
Rotate a four dimensional vector around the Z axis.
-From GLM_GTX_rotate_vector extension.
- -GLM_FUNC_DECL vec<3, T, Q> glm::slerp | -( | -vec< 3, T, Q > const & | -x, | -
- | - | vec< 3, T, Q > const & | -y, | -
- | - | T const & | -a | -
- | ) | -- |
Returns Spherical interpolation between two vectors.
-x | A first vector |
y | A second vector |
a | Interpolation factor. The interpolation is defined beyond the range [0, 1]. |
![]() |
-
- 0.9.9 API documentation
-
- |
-
Include <glm/gtx/scalar_relational.hpp> to use the features of this extension. -More...
-Include <glm/gtx/scalar_relational.hpp> to use the features of this extension.
-Extend a position from a source to a position at a defined length.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
Include <glm/gtx/spline.hpp> to use the features of this extension. -More...
--Functions | |
template<typename genType > | |
GLM_FUNC_DECL genType | catmullRom (genType const &v1, genType const &v2, genType const &v3, genType const &v4, typename genType::value_type const &s) |
Return a point from a catmull rom curve. More... | |
template<typename genType > | |
GLM_FUNC_DECL genType | cubic (genType const &v1, genType const &v2, genType const &v3, genType const &v4, typename genType::value_type const &s) |
Return a point from a cubic curve. More... | |
template<typename genType > | |
GLM_FUNC_DECL genType | hermite (genType const &v1, genType const &t1, genType const &v2, genType const &t2, typename genType::value_type const &s) |
Return a point from a hermite curve. More... | |
Include <glm/gtx/spline.hpp> to use the features of this extension.
-Spline functions
-GLM_FUNC_DECL genType glm::catmullRom | -( | -genType const & | -v1, | -
- | - | genType const & | -v2, | -
- | - | genType const & | -v3, | -
- | - | genType const & | -v4, | -
- | - | typename genType::value_type const & | -s | -
- | ) | -- |
Return a point from a catmull rom curve.
-GLM_FUNC_DECL genType glm::cubic | -( | -genType const & | -v1, | -
- | - | genType const & | -v2, | -
- | - | genType const & | -v3, | -
- | - | genType const & | -v4, | -
- | - | typename genType::value_type const & | -s | -
- | ) | -- |
Return a point from a cubic curve.
-GLM_FUNC_DECL genType glm::hermite | -( | -genType const & | -v1, | -
- | - | genType const & | -t1, | -
- | - | genType const & | -v2, | -
- | - | genType const & | -t2, | -
- | - | typename genType::value_type const & | -s | -
- | ) | -- |
Return a point from a hermite curve.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
Include <glm/gtx/std_based_type.hpp> to use the features of this extension. -More...
--Typedefs | |
typedef vec< 1, std::size_t, defaultp > | size1 |
Vector type based of one std::size_t component. More... | |
typedef vec< 1, std::size_t, defaultp > | size1_t |
Vector type based of one std::size_t component. More... | |
typedef vec< 2, std::size_t, defaultp > | size2 |
Vector type based of two std::size_t components. More... | |
typedef vec< 2, std::size_t, defaultp > | size2_t |
Vector type based of two std::size_t components. More... | |
typedef vec< 3, std::size_t, defaultp > | size3 |
Vector type based of three std::size_t components. More... | |
typedef vec< 3, std::size_t, defaultp > | size3_t |
Vector type based of three std::size_t components. More... | |
typedef vec< 4, std::size_t, defaultp > | size4 |
Vector type based of four std::size_t components. More... | |
typedef vec< 4, std::size_t, defaultp > | size4_t |
Vector type based of four std::size_t components. More... | |
Include <glm/gtx/std_based_type.hpp> to use the features of this extension.
-Adds vector types based on STL value types.
-typedef vec<1, std::size_t, defaultp> size1 | -
Vector type based of one std::size_t component.
-Definition at line 35 of file std_based_type.hpp.
- -typedef vec<1, std::size_t, defaultp> size1_t | -
Vector type based of one std::size_t component.
-Definition at line 51 of file std_based_type.hpp.
- -typedef vec<2, std::size_t, defaultp> size2 | -
Vector type based of two std::size_t components.
-Definition at line 39 of file std_based_type.hpp.
- -typedef vec<2, std::size_t, defaultp> size2_t | -
Vector type based of two std::size_t components.
-Definition at line 55 of file std_based_type.hpp.
- -typedef vec<3, std::size_t, defaultp> size3 | -
Vector type based of three std::size_t components.
-Definition at line 43 of file std_based_type.hpp.
- -typedef vec<3, std::size_t, defaultp> size3_t | -
Vector type based of three std::size_t components.
-Definition at line 59 of file std_based_type.hpp.
- -typedef vec<4, std::size_t, defaultp> size4 | -
Vector type based of four std::size_t components.
-Definition at line 47 of file std_based_type.hpp.
- -typedef vec<4, std::size_t, defaultp> size4_t | -
Vector type based of four std::size_t components.
-Definition at line 63 of file std_based_type.hpp.
- -![]() |
-
- 0.9.9 API documentation
-
- |
-
Include <glm/gtx/string_cast.hpp> to use the features of this extension. -More...
--Functions | |
template<typename genType > | |
GLM_FUNC_DECL std::string | to_string (genType const &x) |
Create a string from a GLM vector or matrix typed variable. More... | |
Include <glm/gtx/string_cast.hpp> to use the features of this extension.
-Setup strings for GLM type values
-This extension is not supported with CUDA
-GLM_FUNC_DECL std::string glm::to_string | -( | -genType const & | -x | ) | -- |
Create a string from a GLM vector or matrix typed variable.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
Include <glm/gtx/texture.hpp> to use the features of this extension. -More...
--Functions | |
template<length_t L, typename T , qualifier Q> | |
T | levels (vec< L, T, Q > const &Extent) |
Compute the number of mipmaps levels necessary to create a mipmap complete texture. More... | |
Include <glm/gtx/texture.hpp> to use the features of this extension.
-Wrapping mode of texture coordinates.
-T glm::levels | -( | -vec< L, T, Q > const & | -Extent | ) | -- |
Compute the number of mipmaps levels necessary to create a mipmap complete texture.
-Extent | Extent of the texture base level mipmap |
L | Integer between 1 and 4 included that qualify the dimension of the vector |
T | Floating-point or signed integer scalar types |
Q | Value from qualifier enum |
![]() |
-
- 0.9.9 API documentation
-
- |
-
Include <glm/gtx/transform.hpp> to use the features of this extension. -More...
--Functions | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL mat< 4, 4, T, Q > | rotate (T angle, vec< 3, T, Q > const &v) |
Builds a rotation 4 * 4 matrix created from an axis of 3 scalars and an angle expressed in radians. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL mat< 4, 4, T, Q > | scale (vec< 3, T, Q > const &v) |
Transforms a matrix with a scale 4 * 4 matrix created from a vector of 3 components. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL mat< 4, 4, T, Q > | translate (vec< 3, T, Q > const &v) |
Transforms a matrix with a translation 4 * 4 matrix created from 3 scalars. More... | |
Include <glm/gtx/transform.hpp> to use the features of this extension.
-Add transformation matrices
-GLM_FUNC_DECL mat<4, 4, T, Q> glm::rotate | -( | -T | -angle, | -
- | - | vec< 3, T, Q > const & | -v | -
- | ) | -- |
Builds a rotation 4 * 4 matrix created from an axis of 3 scalars and an angle expressed in radians.
-GLM_FUNC_DECL mat<4, 4, T, Q> glm::scale | -( | -vec< 3, T, Q > const & | -v | ) | -- |
Transforms a matrix with a scale 4 * 4 matrix created from a vector of 3 components.
-GLM_FUNC_DECL mat<4, 4, T, Q> glm::translate | -( | -vec< 3, T, Q > const & | -v | ) | -- |
Transforms a matrix with a translation 4 * 4 matrix created from 3 scalars.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
Include <glm/gtx/transform2.hpp> to use the features of this extension. -More...
--Functions | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL mat< 3, 3, T, Q > | proj2D (mat< 3, 3, T, Q > const &m, vec< 3, T, Q > const &normal) |
Build planar projection matrix along normal axis. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL mat< 4, 4, T, Q > | proj3D (mat< 4, 4, T, Q > const &m, vec< 3, T, Q > const &normal) |
Build planar projection matrix along normal axis. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL mat< 4, 4, T, Q > | scaleBias (T scale, T bias) |
Build a scale bias matrix. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL mat< 4, 4, T, Q > | scaleBias (mat< 4, 4, T, Q > const &m, T scale, T bias) |
Build a scale bias matrix. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL mat< 3, 3, T, Q > | shearX2D (mat< 3, 3, T, Q > const &m, T y) |
Transforms a matrix with a shearing on X axis. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL mat< 4, 4, T, Q > | shearX3D (mat< 4, 4, T, Q > const &m, T y, T z) |
Transforms a matrix with a shearing on X axis From GLM_GTX_transform2 extension. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL mat< 3, 3, T, Q > | shearY2D (mat< 3, 3, T, Q > const &m, T x) |
Transforms a matrix with a shearing on Y axis. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL mat< 4, 4, T, Q > | shearY3D (mat< 4, 4, T, Q > const &m, T x, T z) |
Transforms a matrix with a shearing on Y axis. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL mat< 4, 4, T, Q > | shearZ3D (mat< 4, 4, T, Q > const &m, T x, T y) |
Transforms a matrix with a shearing on Z axis. More... | |
Include <glm/gtx/transform2.hpp> to use the features of this extension.
-Add extra transformation matrices
-GLM_FUNC_DECL mat<3, 3, T, Q> glm::proj2D | -( | -mat< 3, 3, T, Q > const & | -m, | -
- | - | vec< 3, T, Q > const & | -normal | -
- | ) | -- |
Build planar projection matrix along normal axis.
-From GLM_GTX_transform2 extension.
- -GLM_FUNC_DECL mat<4, 4, T, Q> glm::proj3D | -( | -mat< 4, 4, T, Q > const & | -m, | -
- | - | vec< 3, T, Q > const & | -normal | -
- | ) | -- |
Build planar projection matrix along normal axis.
-From GLM_GTX_transform2 extension.
- -GLM_FUNC_DECL mat<4, 4, T, Q> glm::scaleBias | -( | -T | -scale, | -
- | - | T | -bias | -
- | ) | -- |
Build a scale bias matrix.
-From GLM_GTX_transform2 extension.
- -GLM_FUNC_DECL mat<4, 4, T, Q> glm::scaleBias | -( | -mat< 4, 4, T, Q > const & | -m, | -
- | - | T | -scale, | -
- | - | T | -bias | -
- | ) | -- |
Build a scale bias matrix.
-From GLM_GTX_transform2 extension.
- -GLM_FUNC_DECL mat<3, 3, T, Q> glm::shearX2D | -( | -mat< 3, 3, T, Q > const & | -m, | -
- | - | T | -y | -
- | ) | -- |
Transforms a matrix with a shearing on X axis.
-From GLM_GTX_transform2 extension.
- -GLM_FUNC_DECL mat<4, 4, T, Q> glm::shearX3D | -( | -mat< 4, 4, T, Q > const & | -m, | -
- | - | T | -y, | -
- | - | T | -z | -
- | ) | -- |
Transforms a matrix with a shearing on X axis From GLM_GTX_transform2 extension.
- -GLM_FUNC_DECL mat<3, 3, T, Q> glm::shearY2D | -( | -mat< 3, 3, T, Q > const & | -m, | -
- | - | T | -x | -
- | ) | -- |
Transforms a matrix with a shearing on Y axis.
-From GLM_GTX_transform2 extension.
- -GLM_FUNC_DECL mat<4, 4, T, Q> glm::shearY3D | -( | -mat< 4, 4, T, Q > const & | -m, | -
- | - | T | -x, | -
- | - | T | -z | -
- | ) | -- |
Transforms a matrix with a shearing on Y axis.
-From GLM_GTX_transform2 extension.
- -GLM_FUNC_DECL mat<4, 4, T, Q> glm::shearZ3D | -( | -mat< 4, 4, T, Q > const & | -m, | -
- | - | T | -x, | -
- | - | T | -y | -
- | ) | -- |
Transforms a matrix with a shearing on Z axis.
-From GLM_GTX_transform2 extension.
- -![]() |
-
- 0.9.9 API documentation
-
- |
-
Include <glm/gtx/type_aligned.hpp> to use the features of this extension. -More...
--Functions | |
GLM_ALIGNED_TYPEDEF (lowp_int8, aligned_lowp_int8, 1) | |
Low qualifier 8 bit signed integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (lowp_int16, aligned_lowp_int16, 2) | |
Low qualifier 16 bit signed integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (lowp_int32, aligned_lowp_int32, 4) | |
Low qualifier 32 bit signed integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (lowp_int64, aligned_lowp_int64, 8) | |
Low qualifier 64 bit signed integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (lowp_int8_t, aligned_lowp_int8_t, 1) | |
Low qualifier 8 bit signed integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (lowp_int16_t, aligned_lowp_int16_t, 2) | |
Low qualifier 16 bit signed integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (lowp_int32_t, aligned_lowp_int32_t, 4) | |
Low qualifier 32 bit signed integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (lowp_int64_t, aligned_lowp_int64_t, 8) | |
Low qualifier 64 bit signed integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (lowp_i8, aligned_lowp_i8, 1) | |
Low qualifier 8 bit signed integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (lowp_i16, aligned_lowp_i16, 2) | |
Low qualifier 16 bit signed integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (lowp_i32, aligned_lowp_i32, 4) | |
Low qualifier 32 bit signed integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (lowp_i64, aligned_lowp_i64, 8) | |
Low qualifier 64 bit signed integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (mediump_int8, aligned_mediump_int8, 1) | |
Medium qualifier 8 bit signed integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (mediump_int16, aligned_mediump_int16, 2) | |
Medium qualifier 16 bit signed integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (mediump_int32, aligned_mediump_int32, 4) | |
Medium qualifier 32 bit signed integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (mediump_int64, aligned_mediump_int64, 8) | |
Medium qualifier 64 bit signed integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (mediump_int8_t, aligned_mediump_int8_t, 1) | |
Medium qualifier 8 bit signed integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (mediump_int16_t, aligned_mediump_int16_t, 2) | |
Medium qualifier 16 bit signed integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (mediump_int32_t, aligned_mediump_int32_t, 4) | |
Medium qualifier 32 bit signed integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (mediump_int64_t, aligned_mediump_int64_t, 8) | |
Medium qualifier 64 bit signed integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (mediump_i8, aligned_mediump_i8, 1) | |
Medium qualifier 8 bit signed integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (mediump_i16, aligned_mediump_i16, 2) | |
Medium qualifier 16 bit signed integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (mediump_i32, aligned_mediump_i32, 4) | |
Medium qualifier 32 bit signed integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (mediump_i64, aligned_mediump_i64, 8) | |
Medium qualifier 64 bit signed integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (highp_int8, aligned_highp_int8, 1) | |
High qualifier 8 bit signed integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (highp_int16, aligned_highp_int16, 2) | |
High qualifier 16 bit signed integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (highp_int32, aligned_highp_int32, 4) | |
High qualifier 32 bit signed integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (highp_int64, aligned_highp_int64, 8) | |
High qualifier 64 bit signed integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (highp_int8_t, aligned_highp_int8_t, 1) | |
High qualifier 8 bit signed integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (highp_int16_t, aligned_highp_int16_t, 2) | |
High qualifier 16 bit signed integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (highp_int32_t, aligned_highp_int32_t, 4) | |
High qualifier 32 bit signed integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (highp_int64_t, aligned_highp_int64_t, 8) | |
High qualifier 64 bit signed integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (highp_i8, aligned_highp_i8, 1) | |
High qualifier 8 bit signed integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (highp_i16, aligned_highp_i16, 2) | |
High qualifier 16 bit signed integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (highp_i32, aligned_highp_i32, 4) | |
High qualifier 32 bit signed integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (highp_i64, aligned_highp_i64, 8) | |
High qualifier 64 bit signed integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (int8, aligned_int8, 1) | |
Default qualifier 8 bit signed integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (int16, aligned_int16, 2) | |
Default qualifier 16 bit signed integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (int32, aligned_int32, 4) | |
Default qualifier 32 bit signed integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (int64, aligned_int64, 8) | |
Default qualifier 64 bit signed integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (int8_t, aligned_int8_t, 1) | |
Default qualifier 8 bit signed integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (int16_t, aligned_int16_t, 2) | |
Default qualifier 16 bit signed integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (int32_t, aligned_int32_t, 4) | |
Default qualifier 32 bit signed integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (int64_t, aligned_int64_t, 8) | |
Default qualifier 64 bit signed integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (i8, aligned_i8, 1) | |
Default qualifier 8 bit signed integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (i16, aligned_i16, 2) | |
Default qualifier 16 bit signed integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (i32, aligned_i32, 4) | |
Default qualifier 32 bit signed integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (i64, aligned_i64, 8) | |
Default qualifier 64 bit signed integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (ivec1, aligned_ivec1, 4) | |
Default qualifier 32 bit signed integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (ivec2, aligned_ivec2, 8) | |
Default qualifier 32 bit signed integer aligned vector of 2 components type. More... | |
GLM_ALIGNED_TYPEDEF (ivec3, aligned_ivec3, 16) | |
Default qualifier 32 bit signed integer aligned vector of 3 components type. More... | |
GLM_ALIGNED_TYPEDEF (ivec4, aligned_ivec4, 16) | |
Default qualifier 32 bit signed integer aligned vector of 4 components type. More... | |
GLM_ALIGNED_TYPEDEF (i8vec1, aligned_i8vec1, 1) | |
Default qualifier 8 bit signed integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (i8vec2, aligned_i8vec2, 2) | |
Default qualifier 8 bit signed integer aligned vector of 2 components type. More... | |
GLM_ALIGNED_TYPEDEF (i8vec3, aligned_i8vec3, 4) | |
Default qualifier 8 bit signed integer aligned vector of 3 components type. More... | |
GLM_ALIGNED_TYPEDEF (i8vec4, aligned_i8vec4, 4) | |
Default qualifier 8 bit signed integer aligned vector of 4 components type. More... | |
GLM_ALIGNED_TYPEDEF (i16vec1, aligned_i16vec1, 2) | |
Default qualifier 16 bit signed integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (i16vec2, aligned_i16vec2, 4) | |
Default qualifier 16 bit signed integer aligned vector of 2 components type. More... | |
GLM_ALIGNED_TYPEDEF (i16vec3, aligned_i16vec3, 8) | |
Default qualifier 16 bit signed integer aligned vector of 3 components type. More... | |
GLM_ALIGNED_TYPEDEF (i16vec4, aligned_i16vec4, 8) | |
Default qualifier 16 bit signed integer aligned vector of 4 components type. More... | |
GLM_ALIGNED_TYPEDEF (i32vec1, aligned_i32vec1, 4) | |
Default qualifier 32 bit signed integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (i32vec2, aligned_i32vec2, 8) | |
Default qualifier 32 bit signed integer aligned vector of 2 components type. More... | |
GLM_ALIGNED_TYPEDEF (i32vec3, aligned_i32vec3, 16) | |
Default qualifier 32 bit signed integer aligned vector of 3 components type. More... | |
GLM_ALIGNED_TYPEDEF (i32vec4, aligned_i32vec4, 16) | |
Default qualifier 32 bit signed integer aligned vector of 4 components type. More... | |
GLM_ALIGNED_TYPEDEF (i64vec1, aligned_i64vec1, 8) | |
Default qualifier 64 bit signed integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (i64vec2, aligned_i64vec2, 16) | |
Default qualifier 64 bit signed integer aligned vector of 2 components type. More... | |
GLM_ALIGNED_TYPEDEF (i64vec3, aligned_i64vec3, 32) | |
Default qualifier 64 bit signed integer aligned vector of 3 components type. More... | |
GLM_ALIGNED_TYPEDEF (i64vec4, aligned_i64vec4, 32) | |
Default qualifier 64 bit signed integer aligned vector of 4 components type. More... | |
GLM_ALIGNED_TYPEDEF (lowp_uint8, aligned_lowp_uint8, 1) | |
Low qualifier 8 bit unsigned integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (lowp_uint16, aligned_lowp_uint16, 2) | |
Low qualifier 16 bit unsigned integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (lowp_uint32, aligned_lowp_uint32, 4) | |
Low qualifier 32 bit unsigned integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (lowp_uint64, aligned_lowp_uint64, 8) | |
Low qualifier 64 bit unsigned integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (lowp_uint8_t, aligned_lowp_uint8_t, 1) | |
Low qualifier 8 bit unsigned integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (lowp_uint16_t, aligned_lowp_uint16_t, 2) | |
Low qualifier 16 bit unsigned integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (lowp_uint32_t, aligned_lowp_uint32_t, 4) | |
Low qualifier 32 bit unsigned integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (lowp_uint64_t, aligned_lowp_uint64_t, 8) | |
Low qualifier 64 bit unsigned integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (lowp_u8, aligned_lowp_u8, 1) | |
Low qualifier 8 bit unsigned integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (lowp_u16, aligned_lowp_u16, 2) | |
Low qualifier 16 bit unsigned integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (lowp_u32, aligned_lowp_u32, 4) | |
Low qualifier 32 bit unsigned integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (lowp_u64, aligned_lowp_u64, 8) | |
Low qualifier 64 bit unsigned integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (mediump_uint8, aligned_mediump_uint8, 1) | |
Medium qualifier 8 bit unsigned integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (mediump_uint16, aligned_mediump_uint16, 2) | |
Medium qualifier 16 bit unsigned integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (mediump_uint32, aligned_mediump_uint32, 4) | |
Medium qualifier 32 bit unsigned integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (mediump_uint64, aligned_mediump_uint64, 8) | |
Medium qualifier 64 bit unsigned integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (mediump_uint8_t, aligned_mediump_uint8_t, 1) | |
Medium qualifier 8 bit unsigned integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (mediump_uint16_t, aligned_mediump_uint16_t, 2) | |
Medium qualifier 16 bit unsigned integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (mediump_uint32_t, aligned_mediump_uint32_t, 4) | |
Medium qualifier 32 bit unsigned integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (mediump_uint64_t, aligned_mediump_uint64_t, 8) | |
Medium qualifier 64 bit unsigned integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (mediump_u8, aligned_mediump_u8, 1) | |
Medium qualifier 8 bit unsigned integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (mediump_u16, aligned_mediump_u16, 2) | |
Medium qualifier 16 bit unsigned integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (mediump_u32, aligned_mediump_u32, 4) | |
Medium qualifier 32 bit unsigned integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (mediump_u64, aligned_mediump_u64, 8) | |
Medium qualifier 64 bit unsigned integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (highp_uint8, aligned_highp_uint8, 1) | |
High qualifier 8 bit unsigned integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (highp_uint16, aligned_highp_uint16, 2) | |
High qualifier 16 bit unsigned integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (highp_uint32, aligned_highp_uint32, 4) | |
High qualifier 32 bit unsigned integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (highp_uint64, aligned_highp_uint64, 8) | |
High qualifier 64 bit unsigned integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (highp_uint8_t, aligned_highp_uint8_t, 1) | |
High qualifier 8 bit unsigned integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (highp_uint16_t, aligned_highp_uint16_t, 2) | |
High qualifier 16 bit unsigned integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (highp_uint32_t, aligned_highp_uint32_t, 4) | |
High qualifier 32 bit unsigned integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (highp_uint64_t, aligned_highp_uint64_t, 8) | |
High qualifier 64 bit unsigned integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (highp_u8, aligned_highp_u8, 1) | |
High qualifier 8 bit unsigned integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (highp_u16, aligned_highp_u16, 2) | |
High qualifier 16 bit unsigned integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (highp_u32, aligned_highp_u32, 4) | |
High qualifier 32 bit unsigned integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (highp_u64, aligned_highp_u64, 8) | |
High qualifier 64 bit unsigned integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (uint8, aligned_uint8, 1) | |
Default qualifier 8 bit unsigned integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (uint16, aligned_uint16, 2) | |
Default qualifier 16 bit unsigned integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (uint32, aligned_uint32, 4) | |
Default qualifier 32 bit unsigned integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (uint64, aligned_uint64, 8) | |
Default qualifier 64 bit unsigned integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (uint8_t, aligned_uint8_t, 1) | |
Default qualifier 8 bit unsigned integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (uint16_t, aligned_uint16_t, 2) | |
Default qualifier 16 bit unsigned integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (uint32_t, aligned_uint32_t, 4) | |
Default qualifier 32 bit unsigned integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (uint64_t, aligned_uint64_t, 8) | |
Default qualifier 64 bit unsigned integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (u8, aligned_u8, 1) | |
Default qualifier 8 bit unsigned integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (u16, aligned_u16, 2) | |
Default qualifier 16 bit unsigned integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (u32, aligned_u32, 4) | |
Default qualifier 32 bit unsigned integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (u64, aligned_u64, 8) | |
Default qualifier 64 bit unsigned integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (uvec1, aligned_uvec1, 4) | |
Default qualifier 32 bit unsigned integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (uvec2, aligned_uvec2, 8) | |
Default qualifier 32 bit unsigned integer aligned vector of 2 components type. More... | |
GLM_ALIGNED_TYPEDEF (uvec3, aligned_uvec3, 16) | |
Default qualifier 32 bit unsigned integer aligned vector of 3 components type. More... | |
GLM_ALIGNED_TYPEDEF (uvec4, aligned_uvec4, 16) | |
Default qualifier 32 bit unsigned integer aligned vector of 4 components type. More... | |
GLM_ALIGNED_TYPEDEF (u8vec1, aligned_u8vec1, 1) | |
Default qualifier 8 bit unsigned integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (u8vec2, aligned_u8vec2, 2) | |
Default qualifier 8 bit unsigned integer aligned vector of 2 components type. More... | |
GLM_ALIGNED_TYPEDEF (u8vec3, aligned_u8vec3, 4) | |
Default qualifier 8 bit unsigned integer aligned vector of 3 components type. More... | |
GLM_ALIGNED_TYPEDEF (u8vec4, aligned_u8vec4, 4) | |
Default qualifier 8 bit unsigned integer aligned vector of 4 components type. More... | |
GLM_ALIGNED_TYPEDEF (u16vec1, aligned_u16vec1, 2) | |
Default qualifier 16 bit unsigned integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (u16vec2, aligned_u16vec2, 4) | |
Default qualifier 16 bit unsigned integer aligned vector of 2 components type. More... | |
GLM_ALIGNED_TYPEDEF (u16vec3, aligned_u16vec3, 8) | |
Default qualifier 16 bit unsigned integer aligned vector of 3 components type. More... | |
GLM_ALIGNED_TYPEDEF (u16vec4, aligned_u16vec4, 8) | |
Default qualifier 16 bit unsigned integer aligned vector of 4 components type. More... | |
GLM_ALIGNED_TYPEDEF (u32vec1, aligned_u32vec1, 4) | |
Default qualifier 32 bit unsigned integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (u32vec2, aligned_u32vec2, 8) | |
Default qualifier 32 bit unsigned integer aligned vector of 2 components type. More... | |
GLM_ALIGNED_TYPEDEF (u32vec3, aligned_u32vec3, 16) | |
Default qualifier 32 bit unsigned integer aligned vector of 3 components type. More... | |
GLM_ALIGNED_TYPEDEF (u32vec4, aligned_u32vec4, 16) | |
Default qualifier 32 bit unsigned integer aligned vector of 4 components type. More... | |
GLM_ALIGNED_TYPEDEF (u64vec1, aligned_u64vec1, 8) | |
Default qualifier 64 bit unsigned integer aligned scalar type. More... | |
GLM_ALIGNED_TYPEDEF (u64vec2, aligned_u64vec2, 16) | |
Default qualifier 64 bit unsigned integer aligned vector of 2 components type. More... | |
GLM_ALIGNED_TYPEDEF (u64vec3, aligned_u64vec3, 32) | |
Default qualifier 64 bit unsigned integer aligned vector of 3 components type. More... | |
GLM_ALIGNED_TYPEDEF (u64vec4, aligned_u64vec4, 32) | |
Default qualifier 64 bit unsigned integer aligned vector of 4 components type. More... | |
GLM_ALIGNED_TYPEDEF (float32, aligned_float32, 4) | |
32 bit single-qualifier floating-point aligned scalar. More... | |
GLM_ALIGNED_TYPEDEF (float32_t, aligned_float32_t, 4) | |
32 bit single-qualifier floating-point aligned scalar. More... | |
GLM_ALIGNED_TYPEDEF (float32, aligned_f32, 4) | |
32 bit single-qualifier floating-point aligned scalar. More... | |
GLM_ALIGNED_TYPEDEF (float64, aligned_float64, 8) | |
64 bit double-qualifier floating-point aligned scalar. More... | |
GLM_ALIGNED_TYPEDEF (float64_t, aligned_float64_t, 8) | |
64 bit double-qualifier floating-point aligned scalar. More... | |
GLM_ALIGNED_TYPEDEF (float64, aligned_f64, 8) | |
64 bit double-qualifier floating-point aligned scalar. More... | |
GLM_ALIGNED_TYPEDEF (vec1, aligned_vec1, 4) | |
Single-qualifier floating-point aligned vector of 1 component. More... | |
GLM_ALIGNED_TYPEDEF (vec2, aligned_vec2, 8) | |
Single-qualifier floating-point aligned vector of 2 components. More... | |
GLM_ALIGNED_TYPEDEF (vec3, aligned_vec3, 16) | |
Single-qualifier floating-point aligned vector of 3 components. More... | |
GLM_ALIGNED_TYPEDEF (vec4, aligned_vec4, 16) | |
Single-qualifier floating-point aligned vector of 4 components. More... | |
GLM_ALIGNED_TYPEDEF (fvec1, aligned_fvec1, 4) | |
Single-qualifier floating-point aligned vector of 1 component. More... | |
GLM_ALIGNED_TYPEDEF (fvec2, aligned_fvec2, 8) | |
Single-qualifier floating-point aligned vector of 2 components. More... | |
GLM_ALIGNED_TYPEDEF (fvec3, aligned_fvec3, 16) | |
Single-qualifier floating-point aligned vector of 3 components. More... | |
GLM_ALIGNED_TYPEDEF (fvec4, aligned_fvec4, 16) | |
Single-qualifier floating-point aligned vector of 4 components. More... | |
GLM_ALIGNED_TYPEDEF (f32vec1, aligned_f32vec1, 4) | |
Single-qualifier floating-point aligned vector of 1 component. More... | |
GLM_ALIGNED_TYPEDEF (f32vec2, aligned_f32vec2, 8) | |
Single-qualifier floating-point aligned vector of 2 components. More... | |
GLM_ALIGNED_TYPEDEF (f32vec3, aligned_f32vec3, 16) | |
Single-qualifier floating-point aligned vector of 3 components. More... | |
GLM_ALIGNED_TYPEDEF (f32vec4, aligned_f32vec4, 16) | |
Single-qualifier floating-point aligned vector of 4 components. More... | |
GLM_ALIGNED_TYPEDEF (dvec1, aligned_dvec1, 8) | |
Double-qualifier floating-point aligned vector of 1 component. More... | |
GLM_ALIGNED_TYPEDEF (dvec2, aligned_dvec2, 16) | |
Double-qualifier floating-point aligned vector of 2 components. More... | |
GLM_ALIGNED_TYPEDEF (dvec3, aligned_dvec3, 32) | |
Double-qualifier floating-point aligned vector of 3 components. More... | |
GLM_ALIGNED_TYPEDEF (dvec4, aligned_dvec4, 32) | |
Double-qualifier floating-point aligned vector of 4 components. More... | |
GLM_ALIGNED_TYPEDEF (f64vec1, aligned_f64vec1, 8) | |
Double-qualifier floating-point aligned vector of 1 component. More... | |
GLM_ALIGNED_TYPEDEF (f64vec2, aligned_f64vec2, 16) | |
Double-qualifier floating-point aligned vector of 2 components. More... | |
GLM_ALIGNED_TYPEDEF (f64vec3, aligned_f64vec3, 32) | |
Double-qualifier floating-point aligned vector of 3 components. More... | |
GLM_ALIGNED_TYPEDEF (f64vec4, aligned_f64vec4, 32) | |
Double-qualifier floating-point aligned vector of 4 components. More... | |
GLM_ALIGNED_TYPEDEF (mat2, aligned_mat2, 16) | |
Single-qualifier floating-point aligned 1x1 matrix. More... | |
GLM_ALIGNED_TYPEDEF (mat3, aligned_mat3, 16) | |
Single-qualifier floating-point aligned 3x3 matrix. More... | |
GLM_ALIGNED_TYPEDEF (mat4, aligned_mat4, 16) | |
Single-qualifier floating-point aligned 4x4 matrix. More... | |
GLM_ALIGNED_TYPEDEF (fmat2x2, aligned_fmat2, 16) | |
Single-qualifier floating-point aligned 1x1 matrix. More... | |
GLM_ALIGNED_TYPEDEF (fmat3x3, aligned_fmat3, 16) | |
Single-qualifier floating-point aligned 3x3 matrix. More... | |
GLM_ALIGNED_TYPEDEF (fmat4x4, aligned_fmat4, 16) | |
Single-qualifier floating-point aligned 4x4 matrix. More... | |
GLM_ALIGNED_TYPEDEF (fmat2x2, aligned_fmat2x2, 16) | |
Single-qualifier floating-point aligned 1x1 matrix. More... | |
GLM_ALIGNED_TYPEDEF (fmat2x3, aligned_fmat2x3, 16) | |
Single-qualifier floating-point aligned 2x3 matrix. More... | |
GLM_ALIGNED_TYPEDEF (fmat2x4, aligned_fmat2x4, 16) | |
Single-qualifier floating-point aligned 2x4 matrix. More... | |
GLM_ALIGNED_TYPEDEF (fmat3x2, aligned_fmat3x2, 16) | |
Single-qualifier floating-point aligned 3x2 matrix. More... | |
GLM_ALIGNED_TYPEDEF (fmat3x3, aligned_fmat3x3, 16) | |
Single-qualifier floating-point aligned 3x3 matrix. More... | |
GLM_ALIGNED_TYPEDEF (fmat3x4, aligned_fmat3x4, 16) | |
Single-qualifier floating-point aligned 3x4 matrix. More... | |
GLM_ALIGNED_TYPEDEF (fmat4x2, aligned_fmat4x2, 16) | |
Single-qualifier floating-point aligned 4x2 matrix. More... | |
GLM_ALIGNED_TYPEDEF (fmat4x3, aligned_fmat4x3, 16) | |
Single-qualifier floating-point aligned 4x3 matrix. More... | |
GLM_ALIGNED_TYPEDEF (fmat4x4, aligned_fmat4x4, 16) | |
Single-qualifier floating-point aligned 4x4 matrix. More... | |
GLM_ALIGNED_TYPEDEF (f32mat2x2, aligned_f32mat2, 16) | |
Single-qualifier floating-point aligned 1x1 matrix. More... | |
GLM_ALIGNED_TYPEDEF (f32mat3x3, aligned_f32mat3, 16) | |
Single-qualifier floating-point aligned 3x3 matrix. More... | |
GLM_ALIGNED_TYPEDEF (f32mat4x4, aligned_f32mat4, 16) | |
Single-qualifier floating-point aligned 4x4 matrix. More... | |
GLM_ALIGNED_TYPEDEF (f32mat2x2, aligned_f32mat2x2, 16) | |
Single-qualifier floating-point aligned 1x1 matrix. More... | |
GLM_ALIGNED_TYPEDEF (f32mat2x3, aligned_f32mat2x3, 16) | |
Single-qualifier floating-point aligned 2x3 matrix. More... | |
GLM_ALIGNED_TYPEDEF (f32mat2x4, aligned_f32mat2x4, 16) | |
Single-qualifier floating-point aligned 2x4 matrix. More... | |
GLM_ALIGNED_TYPEDEF (f32mat3x2, aligned_f32mat3x2, 16) | |
Single-qualifier floating-point aligned 3x2 matrix. More... | |
GLM_ALIGNED_TYPEDEF (f32mat3x3, aligned_f32mat3x3, 16) | |
Single-qualifier floating-point aligned 3x3 matrix. More... | |
GLM_ALIGNED_TYPEDEF (f32mat3x4, aligned_f32mat3x4, 16) | |
Single-qualifier floating-point aligned 3x4 matrix. More... | |
GLM_ALIGNED_TYPEDEF (f32mat4x2, aligned_f32mat4x2, 16) | |
Single-qualifier floating-point aligned 4x2 matrix. More... | |
GLM_ALIGNED_TYPEDEF (f32mat4x3, aligned_f32mat4x3, 16) | |
Single-qualifier floating-point aligned 4x3 matrix. More... | |
GLM_ALIGNED_TYPEDEF (f32mat4x4, aligned_f32mat4x4, 16) | |
Single-qualifier floating-point aligned 4x4 matrix. More... | |
GLM_ALIGNED_TYPEDEF (f64mat2x2, aligned_f64mat2, 32) | |
Double-qualifier floating-point aligned 1x1 matrix. More... | |
GLM_ALIGNED_TYPEDEF (f64mat3x3, aligned_f64mat3, 32) | |
Double-qualifier floating-point aligned 3x3 matrix. More... | |
GLM_ALIGNED_TYPEDEF (f64mat4x4, aligned_f64mat4, 32) | |
Double-qualifier floating-point aligned 4x4 matrix. More... | |
GLM_ALIGNED_TYPEDEF (f64mat2x2, aligned_f64mat2x2, 32) | |
Double-qualifier floating-point aligned 1x1 matrix. More... | |
GLM_ALIGNED_TYPEDEF (f64mat2x3, aligned_f64mat2x3, 32) | |
Double-qualifier floating-point aligned 2x3 matrix. More... | |
GLM_ALIGNED_TYPEDEF (f64mat2x4, aligned_f64mat2x4, 32) | |
Double-qualifier floating-point aligned 2x4 matrix. More... | |
GLM_ALIGNED_TYPEDEF (f64mat3x2, aligned_f64mat3x2, 32) | |
Double-qualifier floating-point aligned 3x2 matrix. More... | |
GLM_ALIGNED_TYPEDEF (f64mat3x3, aligned_f64mat3x3, 32) | |
Double-qualifier floating-point aligned 3x3 matrix. More... | |
GLM_ALIGNED_TYPEDEF (f64mat3x4, aligned_f64mat3x4, 32) | |
Double-qualifier floating-point aligned 3x4 matrix. More... | |
GLM_ALIGNED_TYPEDEF (f64mat4x2, aligned_f64mat4x2, 32) | |
Double-qualifier floating-point aligned 4x2 matrix. More... | |
GLM_ALIGNED_TYPEDEF (f64mat4x3, aligned_f64mat4x3, 32) | |
Double-qualifier floating-point aligned 4x3 matrix. More... | |
GLM_ALIGNED_TYPEDEF (f64mat4x4, aligned_f64mat4x4, 32) | |
Double-qualifier floating-point aligned 4x4 matrix. More... | |
GLM_ALIGNED_TYPEDEF (quat, aligned_quat, 16) | |
Single-qualifier floating-point aligned quaternion. More... | |
GLM_ALIGNED_TYPEDEF (quat, aligned_fquat, 16) | |
Single-qualifier floating-point aligned quaternion. More... | |
GLM_ALIGNED_TYPEDEF (dquat, aligned_dquat, 32) | |
Double-qualifier floating-point aligned quaternion. More... | |
GLM_ALIGNED_TYPEDEF (f32quat, aligned_f32quat, 16) | |
Single-qualifier floating-point aligned quaternion. More... | |
GLM_ALIGNED_TYPEDEF (f64quat, aligned_f64quat, 32) | |
Double-qualifier floating-point aligned quaternion. More... | |
Include <glm/gtx/type_aligned.hpp> to use the features of this extension.
-Defines aligned types.
-glm::GLM_ALIGNED_TYPEDEF | -( | -lowp_int8 | -, | -
- | - | aligned_lowp_int8 | -, | -
- | - | 1 | -- |
- | ) | -- |
Low qualifier 8 bit signed integer aligned scalar type.
-glm::GLM_ALIGNED_TYPEDEF | -( | -lowp_int16 | -, | -
- | - | aligned_lowp_int16 | -, | -
- | - | 2 | -- |
- | ) | -- |
Low qualifier 16 bit signed integer aligned scalar type.
-glm::GLM_ALIGNED_TYPEDEF | -( | -lowp_int32 | -, | -
- | - | aligned_lowp_int32 | -, | -
- | - | 4 | -- |
- | ) | -- |
Low qualifier 32 bit signed integer aligned scalar type.
-glm::GLM_ALIGNED_TYPEDEF | -( | -lowp_int64 | -, | -
- | - | aligned_lowp_int64 | -, | -
- | - | 8 | -- |
- | ) | -- |
Low qualifier 64 bit signed integer aligned scalar type.
-glm::GLM_ALIGNED_TYPEDEF | -( | -lowp_int8_t | -, | -
- | - | aligned_lowp_int8_t | -, | -
- | - | 1 | -- |
- | ) | -- |
Low qualifier 8 bit signed integer aligned scalar type.
-glm::GLM_ALIGNED_TYPEDEF | -( | -lowp_int16_t | -, | -
- | - | aligned_lowp_int16_t | -, | -
- | - | 2 | -- |
- | ) | -- |
Low qualifier 16 bit signed integer aligned scalar type.
-glm::GLM_ALIGNED_TYPEDEF | -( | -lowp_int32_t | -, | -
- | - | aligned_lowp_int32_t | -, | -
- | - | 4 | -- |
- | ) | -- |
Low qualifier 32 bit signed integer aligned scalar type.
-glm::GLM_ALIGNED_TYPEDEF | -( | -lowp_int64_t | -, | -
- | - | aligned_lowp_int64_t | -, | -
- | - | 8 | -- |
- | ) | -- |
Low qualifier 64 bit signed integer aligned scalar type.
-glm::GLM_ALIGNED_TYPEDEF | -( | -lowp_i8 | -, | -
- | - | aligned_lowp_i8 | -, | -
- | - | 1 | -- |
- | ) | -- |
Low qualifier 8 bit signed integer aligned scalar type.
-glm::GLM_ALIGNED_TYPEDEF | -( | -lowp_i16 | -, | -
- | - | aligned_lowp_i16 | -, | -
- | - | 2 | -- |
- | ) | -- |
Low qualifier 16 bit signed integer aligned scalar type.
-glm::GLM_ALIGNED_TYPEDEF | -( | -lowp_i32 | -, | -
- | - | aligned_lowp_i32 | -, | -
- | - | 4 | -- |
- | ) | -- |
Low qualifier 32 bit signed integer aligned scalar type.
-glm::GLM_ALIGNED_TYPEDEF | -( | -lowp_i64 | -, | -
- | - | aligned_lowp_i64 | -, | -
- | - | 8 | -- |
- | ) | -- |
Low qualifier 64 bit signed integer aligned scalar type.
-glm::GLM_ALIGNED_TYPEDEF | -( | -mediump_int8 | -, | -
- | - | aligned_mediump_int8 | -, | -
- | - | 1 | -- |
- | ) | -- |
Medium qualifier 8 bit signed integer aligned scalar type.
-glm::GLM_ALIGNED_TYPEDEF | -( | -mediump_int16 | -, | -
- | - | aligned_mediump_int16 | -, | -
- | - | 2 | -- |
- | ) | -- |
Medium qualifier 16 bit signed integer aligned scalar type.
-glm::GLM_ALIGNED_TYPEDEF | -( | -mediump_int32 | -, | -
- | - | aligned_mediump_int32 | -, | -
- | - | 4 | -- |
- | ) | -- |
Medium qualifier 32 bit signed integer aligned scalar type.
-glm::GLM_ALIGNED_TYPEDEF | -( | -mediump_int64 | -, | -
- | - | aligned_mediump_int64 | -, | -
- | - | 8 | -- |
- | ) | -- |
Medium qualifier 64 bit signed integer aligned scalar type.
-glm::GLM_ALIGNED_TYPEDEF | -( | -mediump_int8_t | -, | -
- | - | aligned_mediump_int8_t | -, | -
- | - | 1 | -- |
- | ) | -- |
Medium qualifier 8 bit signed integer aligned scalar type.
-glm::GLM_ALIGNED_TYPEDEF | -( | -mediump_int16_t | -, | -
- | - | aligned_mediump_int16_t | -, | -
- | - | 2 | -- |
- | ) | -- |
Medium qualifier 16 bit signed integer aligned scalar type.
-glm::GLM_ALIGNED_TYPEDEF | -( | -mediump_int32_t | -, | -
- | - | aligned_mediump_int32_t | -, | -
- | - | 4 | -- |
- | ) | -- |
Medium qualifier 32 bit signed integer aligned scalar type.
-glm::GLM_ALIGNED_TYPEDEF | -( | -mediump_int64_t | -, | -
- | - | aligned_mediump_int64_t | -, | -
- | - | 8 | -- |
- | ) | -- |
Medium qualifier 64 bit signed integer aligned scalar type.
-glm::GLM_ALIGNED_TYPEDEF | -( | -mediump_i8 | -, | -
- | - | aligned_mediump_i8 | -, | -
- | - | 1 | -- |
- | ) | -- |
Medium qualifier 8 bit signed integer aligned scalar type.
-glm::GLM_ALIGNED_TYPEDEF | -( | -mediump_i16 | -, | -
- | - | aligned_mediump_i16 | -, | -
- | - | 2 | -- |
- | ) | -- |
Medium qualifier 16 bit signed integer aligned scalar type.
-glm::GLM_ALIGNED_TYPEDEF | -( | -mediump_i32 | -, | -
- | - | aligned_mediump_i32 | -, | -
- | - | 4 | -- |
- | ) | -- |
Medium qualifier 32 bit signed integer aligned scalar type.
-glm::GLM_ALIGNED_TYPEDEF | -( | -mediump_i64 | -, | -
- | - | aligned_mediump_i64 | -, | -
- | - | 8 | -- |
- | ) | -- |
Medium qualifier 64 bit signed integer aligned scalar type.
-glm::GLM_ALIGNED_TYPEDEF | -( | -highp_int8 | -, | -
- | - | aligned_highp_int8 | -, | -
- | - | 1 | -- |
- | ) | -- |
High qualifier 8 bit signed integer aligned scalar type.
-glm::GLM_ALIGNED_TYPEDEF | -( | -highp_int16 | -, | -
- | - | aligned_highp_int16 | -, | -
- | - | 2 | -- |
- | ) | -- |
High qualifier 16 bit signed integer aligned scalar type.
-glm::GLM_ALIGNED_TYPEDEF | -( | -highp_int32 | -, | -
- | - | aligned_highp_int32 | -, | -
- | - | 4 | -- |
- | ) | -- |
High qualifier 32 bit signed integer aligned scalar type.
-glm::GLM_ALIGNED_TYPEDEF | -( | -highp_int64 | -, | -
- | - | aligned_highp_int64 | -, | -
- | - | 8 | -- |
- | ) | -- |
High qualifier 64 bit signed integer aligned scalar type.
-glm::GLM_ALIGNED_TYPEDEF | -( | -highp_int8_t | -, | -
- | - | aligned_highp_int8_t | -, | -
- | - | 1 | -- |
- | ) | -- |
High qualifier 8 bit signed integer aligned scalar type.
-glm::GLM_ALIGNED_TYPEDEF | -( | -highp_int16_t | -, | -
- | - | aligned_highp_int16_t | -, | -
- | - | 2 | -- |
- | ) | -- |
High qualifier 16 bit signed integer aligned scalar type.
-glm::GLM_ALIGNED_TYPEDEF | -( | -highp_int32_t | -, | -
- | - | aligned_highp_int32_t | -, | -
- | - | 4 | -- |
- | ) | -- |
High qualifier 32 bit signed integer aligned scalar type.
-glm::GLM_ALIGNED_TYPEDEF | -( | -highp_int64_t | -, | -
- | - | aligned_highp_int64_t | -, | -
- | - | 8 | -- |
- | ) | -- |
High qualifier 64 bit signed integer aligned scalar type.
-glm::GLM_ALIGNED_TYPEDEF | -( | -highp_i8 | -, | -
- | - | aligned_highp_i8 | -, | -
- | - | 1 | -- |
- | ) | -- |
High qualifier 8 bit signed integer aligned scalar type.
-glm::GLM_ALIGNED_TYPEDEF | -( | -highp_i16 | -, | -
- | - | aligned_highp_i16 | -, | -
- | - | 2 | -- |
- | ) | -- |
High qualifier 16 bit signed integer aligned scalar type.
-glm::GLM_ALIGNED_TYPEDEF | -( | -highp_i32 | -, | -
- | - | aligned_highp_i32 | -, | -
- | - | 4 | -- |
- | ) | -- |
High qualifier 32 bit signed integer aligned scalar type.
-glm::GLM_ALIGNED_TYPEDEF | -( | -highp_i64 | -, | -
- | - | aligned_highp_i64 | -, | -
- | - | 8 | -- |
- | ) | -- |
High qualifier 64 bit signed integer aligned scalar type.
-glm::GLM_ALIGNED_TYPEDEF | -( | -int8 | -, | -
- | - | aligned_int8 | -, | -
- | - | 1 | -- |
- | ) | -- |
Default qualifier 8 bit signed integer aligned scalar type.
-glm::GLM_ALIGNED_TYPEDEF | -( | -int16 | -, | -
- | - | aligned_int16 | -, | -
- | - | 2 | -- |
- | ) | -- |
Default qualifier 16 bit signed integer aligned scalar type.
-glm::GLM_ALIGNED_TYPEDEF | -( | -int32 | -, | -
- | - | aligned_int32 | -, | -
- | - | 4 | -- |
- | ) | -- |
Default qualifier 32 bit signed integer aligned scalar type.
-glm::GLM_ALIGNED_TYPEDEF | -( | -int64 | -, | -
- | - | aligned_int64 | -, | -
- | - | 8 | -- |
- | ) | -- |
Default qualifier 64 bit signed integer aligned scalar type.
-glm::GLM_ALIGNED_TYPEDEF | -( | -int8_t | -, | -
- | - | aligned_int8_t | -, | -
- | - | 1 | -- |
- | ) | -- |
Default qualifier 8 bit signed integer aligned scalar type.
-glm::GLM_ALIGNED_TYPEDEF | -( | -int16_t | -, | -
- | - | aligned_int16_t | -, | -
- | - | 2 | -- |
- | ) | -- |
Default qualifier 16 bit signed integer aligned scalar type.
-glm::GLM_ALIGNED_TYPEDEF | -( | -int32_t | -, | -
- | - | aligned_int32_t | -, | -
- | - | 4 | -- |
- | ) | -- |
Default qualifier 32 bit signed integer aligned scalar type.
-glm::GLM_ALIGNED_TYPEDEF | -( | -int64_t | -, | -
- | - | aligned_int64_t | -, | -
- | - | 8 | -- |
- | ) | -- |
Default qualifier 64 bit signed integer aligned scalar type.
-glm::GLM_ALIGNED_TYPEDEF | -( | -i8 | -, | -
- | - | aligned_i8 | -, | -
- | - | 1 | -- |
- | ) | -- |
Default qualifier 8 bit signed integer aligned scalar type.
-glm::GLM_ALIGNED_TYPEDEF | -( | -i16 | -, | -
- | - | aligned_i16 | -, | -
- | - | 2 | -- |
- | ) | -- |
Default qualifier 16 bit signed integer aligned scalar type.
-glm::GLM_ALIGNED_TYPEDEF | -( | -i32 | -, | -
- | - | aligned_i32 | -, | -
- | - | 4 | -- |
- | ) | -- |
Default qualifier 32 bit signed integer aligned scalar type.
-glm::GLM_ALIGNED_TYPEDEF | -( | -i64 | -, | -
- | - | aligned_i64 | -, | -
- | - | 8 | -- |
- | ) | -- |
Default qualifier 64 bit signed integer aligned scalar type.
-glm::GLM_ALIGNED_TYPEDEF | -( | -ivec1 | -, | -
- | - | aligned_ivec1 | -, | -
- | - | 4 | -- |
- | ) | -- |
Default qualifier 32 bit signed integer aligned scalar type.
-glm::GLM_ALIGNED_TYPEDEF | -( | -ivec2 | -, | -
- | - | aligned_ivec2 | -, | -
- | - | 8 | -- |
- | ) | -- |
Default qualifier 32 bit signed integer aligned vector of 2 components type.
-glm::GLM_ALIGNED_TYPEDEF | -( | -ivec3 | -, | -
- | - | aligned_ivec3 | -, | -
- | - | 16 | -- |
- | ) | -- |
Default qualifier 32 bit signed integer aligned vector of 3 components type.
-glm::GLM_ALIGNED_TYPEDEF | -( | -ivec4 | -, | -
- | - | aligned_ivec4 | -, | -
- | - | 16 | -- |
- | ) | -- |
Default qualifier 32 bit signed integer aligned vector of 4 components type.
-glm::GLM_ALIGNED_TYPEDEF | -( | -i8vec1 | -, | -
- | - | aligned_i8vec1 | -, | -
- | - | 1 | -- |
- | ) | -- |
Default qualifier 8 bit signed integer aligned scalar type.
-glm::GLM_ALIGNED_TYPEDEF | -( | -i8vec2 | -, | -
- | - | aligned_i8vec2 | -, | -
- | - | 2 | -- |
- | ) | -- |
Default qualifier 8 bit signed integer aligned vector of 2 components type.
-glm::GLM_ALIGNED_TYPEDEF | -( | -i8vec3 | -, | -
- | - | aligned_i8vec3 | -, | -
- | - | 4 | -- |
- | ) | -- |
Default qualifier 8 bit signed integer aligned vector of 3 components type.
-glm::GLM_ALIGNED_TYPEDEF | -( | -i8vec4 | -, | -
- | - | aligned_i8vec4 | -, | -
- | - | 4 | -- |
- | ) | -- |
Default qualifier 8 bit signed integer aligned vector of 4 components type.
-glm::GLM_ALIGNED_TYPEDEF | -( | -i16vec1 | -, | -
- | - | aligned_i16vec1 | -, | -
- | - | 2 | -- |
- | ) | -- |
Default qualifier 16 bit signed integer aligned scalar type.
-glm::GLM_ALIGNED_TYPEDEF | -( | -i16vec2 | -, | -
- | - | aligned_i16vec2 | -, | -
- | - | 4 | -- |
- | ) | -- |
Default qualifier 16 bit signed integer aligned vector of 2 components type.
-glm::GLM_ALIGNED_TYPEDEF | -( | -i16vec3 | -, | -
- | - | aligned_i16vec3 | -, | -
- | - | 8 | -- |
- | ) | -- |
Default qualifier 16 bit signed integer aligned vector of 3 components type.
-glm::GLM_ALIGNED_TYPEDEF | -( | -i16vec4 | -, | -
- | - | aligned_i16vec4 | -, | -
- | - | 8 | -- |
- | ) | -- |
Default qualifier 16 bit signed integer aligned vector of 4 components type.
-glm::GLM_ALIGNED_TYPEDEF | -( | -i32vec1 | -, | -
- | - | aligned_i32vec1 | -, | -
- | - | 4 | -- |
- | ) | -- |
Default qualifier 32 bit signed integer aligned scalar type.
-glm::GLM_ALIGNED_TYPEDEF | -( | -i32vec2 | -, | -
- | - | aligned_i32vec2 | -, | -
- | - | 8 | -- |
- | ) | -- |
Default qualifier 32 bit signed integer aligned vector of 2 components type.
-glm::GLM_ALIGNED_TYPEDEF | -( | -i32vec3 | -, | -
- | - | aligned_i32vec3 | -, | -
- | - | 16 | -- |
- | ) | -- |
Default qualifier 32 bit signed integer aligned vector of 3 components type.
-glm::GLM_ALIGNED_TYPEDEF | -( | -i32vec4 | -, | -
- | - | aligned_i32vec4 | -, | -
- | - | 16 | -- |
- | ) | -- |
Default qualifier 32 bit signed integer aligned vector of 4 components type.
-glm::GLM_ALIGNED_TYPEDEF | -( | -i64vec1 | -, | -
- | - | aligned_i64vec1 | -, | -
- | - | 8 | -- |
- | ) | -- |
Default qualifier 64 bit signed integer aligned scalar type.
-glm::GLM_ALIGNED_TYPEDEF | -( | -i64vec2 | -, | -
- | - | aligned_i64vec2 | -, | -
- | - | 16 | -- |
- | ) | -- |
Default qualifier 64 bit signed integer aligned vector of 2 components type.
-glm::GLM_ALIGNED_TYPEDEF | -( | -i64vec3 | -, | -
- | - | aligned_i64vec3 | -, | -
- | - | 32 | -- |
- | ) | -- |
Default qualifier 64 bit signed integer aligned vector of 3 components type.
-glm::GLM_ALIGNED_TYPEDEF | -( | -i64vec4 | -, | -
- | - | aligned_i64vec4 | -, | -
- | - | 32 | -- |
- | ) | -- |
Default qualifier 64 bit signed integer aligned vector of 4 components type.
-glm::GLM_ALIGNED_TYPEDEF | -( | -lowp_uint8 | -, | -
- | - | aligned_lowp_uint8 | -, | -
- | - | 1 | -- |
- | ) | -- |
Low qualifier 8 bit unsigned integer aligned scalar type.
-glm::GLM_ALIGNED_TYPEDEF | -( | -lowp_uint16 | -, | -
- | - | aligned_lowp_uint16 | -, | -
- | - | 2 | -- |
- | ) | -- |
Low qualifier 16 bit unsigned integer aligned scalar type.
-glm::GLM_ALIGNED_TYPEDEF | -( | -lowp_uint32 | -, | -
- | - | aligned_lowp_uint32 | -, | -
- | - | 4 | -- |
- | ) | -- |
Low qualifier 32 bit unsigned integer aligned scalar type.
-glm::GLM_ALIGNED_TYPEDEF | -( | -lowp_uint64 | -, | -
- | - | aligned_lowp_uint64 | -, | -
- | - | 8 | -- |
- | ) | -- |
Low qualifier 64 bit unsigned integer aligned scalar type.
-glm::GLM_ALIGNED_TYPEDEF | -( | -lowp_uint8_t | -, | -
- | - | aligned_lowp_uint8_t | -, | -
- | - | 1 | -- |
- | ) | -- |
Low qualifier 8 bit unsigned integer aligned scalar type.
-glm::GLM_ALIGNED_TYPEDEF | -( | -lowp_uint16_t | -, | -
- | - | aligned_lowp_uint16_t | -, | -
- | - | 2 | -- |
- | ) | -- |
Low qualifier 16 bit unsigned integer aligned scalar type.
-glm::GLM_ALIGNED_TYPEDEF | -( | -lowp_uint32_t | -, | -
- | - | aligned_lowp_uint32_t | -, | -
- | - | 4 | -- |
- | ) | -- |
Low qualifier 32 bit unsigned integer aligned scalar type.
-glm::GLM_ALIGNED_TYPEDEF | -( | -lowp_uint64_t | -, | -
- | - | aligned_lowp_uint64_t | -, | -
- | - | 8 | -- |
- | ) | -- |
Low qualifier 64 bit unsigned integer aligned scalar type.
-glm::GLM_ALIGNED_TYPEDEF | -( | -lowp_u8 | -, | -
- | - | aligned_lowp_u8 | -, | -
- | - | 1 | -- |
- | ) | -- |
Low qualifier 8 bit unsigned integer aligned scalar type.
-glm::GLM_ALIGNED_TYPEDEF | -( | -lowp_u16 | -, | -
- | - | aligned_lowp_u16 | -, | -
- | - | 2 | -- |
- | ) | -- |
Low qualifier 16 bit unsigned integer aligned scalar type.
-glm::GLM_ALIGNED_TYPEDEF | -( | -lowp_u32 | -, | -
- | - | aligned_lowp_u32 | -, | -
- | - | 4 | -- |
- | ) | -- |
Low qualifier 32 bit unsigned integer aligned scalar type.
-glm::GLM_ALIGNED_TYPEDEF | -( | -lowp_u64 | -, | -
- | - | aligned_lowp_u64 | -, | -
- | - | 8 | -- |
- | ) | -- |
Low qualifier 64 bit unsigned integer aligned scalar type.
-glm::GLM_ALIGNED_TYPEDEF | -( | -mediump_uint8 | -, | -
- | - | aligned_mediump_uint8 | -, | -
- | - | 1 | -- |
- | ) | -- |
Medium qualifier 8 bit unsigned integer aligned scalar type.
-glm::GLM_ALIGNED_TYPEDEF | -( | -mediump_uint16 | -, | -
- | - | aligned_mediump_uint16 | -, | -
- | - | 2 | -- |
- | ) | -- |
Medium qualifier 16 bit unsigned integer aligned scalar type.
-glm::GLM_ALIGNED_TYPEDEF | -( | -mediump_uint32 | -, | -
- | - | aligned_mediump_uint32 | -, | -
- | - | 4 | -- |
- | ) | -- |
Medium qualifier 32 bit unsigned integer aligned scalar type.
-glm::GLM_ALIGNED_TYPEDEF | -( | -mediump_uint64 | -, | -
- | - | aligned_mediump_uint64 | -, | -
- | - | 8 | -- |
- | ) | -- |
Medium qualifier 64 bit unsigned integer aligned scalar type.
-glm::GLM_ALIGNED_TYPEDEF | -( | -mediump_uint8_t | -, | -
- | - | aligned_mediump_uint8_t | -, | -
- | - | 1 | -- |
- | ) | -- |
Medium qualifier 8 bit unsigned integer aligned scalar type.
-glm::GLM_ALIGNED_TYPEDEF | -( | -mediump_uint16_t | -, | -
- | - | aligned_mediump_uint16_t | -, | -
- | - | 2 | -- |
- | ) | -- |
Medium qualifier 16 bit unsigned integer aligned scalar type.
-glm::GLM_ALIGNED_TYPEDEF | -( | -mediump_uint32_t | -, | -
- | - | aligned_mediump_uint32_t | -, | -
- | - | 4 | -- |
- | ) | -- |
Medium qualifier 32 bit unsigned integer aligned scalar type.
-glm::GLM_ALIGNED_TYPEDEF | -( | -mediump_uint64_t | -, | -
- | - | aligned_mediump_uint64_t | -, | -
- | - | 8 | -- |
- | ) | -- |
Medium qualifier 64 bit unsigned integer aligned scalar type.
-glm::GLM_ALIGNED_TYPEDEF | -( | -mediump_u8 | -, | -
- | - | aligned_mediump_u8 | -, | -
- | - | 1 | -- |
- | ) | -- |
Medium qualifier 8 bit unsigned integer aligned scalar type.
-glm::GLM_ALIGNED_TYPEDEF | -( | -mediump_u16 | -, | -
- | - | aligned_mediump_u16 | -, | -
- | - | 2 | -- |
- | ) | -- |
Medium qualifier 16 bit unsigned integer aligned scalar type.
-glm::GLM_ALIGNED_TYPEDEF | -( | -mediump_u32 | -, | -
- | - | aligned_mediump_u32 | -, | -
- | - | 4 | -- |
- | ) | -- |
Medium qualifier 32 bit unsigned integer aligned scalar type.
-glm::GLM_ALIGNED_TYPEDEF | -( | -mediump_u64 | -, | -
- | - | aligned_mediump_u64 | -, | -
- | - | 8 | -- |
- | ) | -- |
Medium qualifier 64 bit unsigned integer aligned scalar type.
-glm::GLM_ALIGNED_TYPEDEF | -( | -highp_uint8 | -, | -
- | - | aligned_highp_uint8 | -, | -
- | - | 1 | -- |
- | ) | -- |
High qualifier 8 bit unsigned integer aligned scalar type.
-glm::GLM_ALIGNED_TYPEDEF | -( | -highp_uint16 | -, | -
- | - | aligned_highp_uint16 | -, | -
- | - | 2 | -- |
- | ) | -- |
High qualifier 16 bit unsigned integer aligned scalar type.
-glm::GLM_ALIGNED_TYPEDEF | -( | -highp_uint32 | -, | -
- | - | aligned_highp_uint32 | -, | -
- | - | 4 | -- |
- | ) | -- |
High qualifier 32 bit unsigned integer aligned scalar type.
-glm::GLM_ALIGNED_TYPEDEF | -( | -highp_uint64 | -, | -
- | - | aligned_highp_uint64 | -, | -
- | - | 8 | -- |
- | ) | -- |
High qualifier 64 bit unsigned integer aligned scalar type.
-glm::GLM_ALIGNED_TYPEDEF | -( | -highp_uint8_t | -, | -
- | - | aligned_highp_uint8_t | -, | -
- | - | 1 | -- |
- | ) | -- |
High qualifier 8 bit unsigned integer aligned scalar type.
-glm::GLM_ALIGNED_TYPEDEF | -( | -highp_uint16_t | -, | -
- | - | aligned_highp_uint16_t | -, | -
- | - | 2 | -- |
- | ) | -- |
High qualifier 16 bit unsigned integer aligned scalar type.
-glm::GLM_ALIGNED_TYPEDEF | -( | -highp_uint32_t | -, | -
- | - | aligned_highp_uint32_t | -, | -
- | - | 4 | -- |
- | ) | -- |
High qualifier 32 bit unsigned integer aligned scalar type.
-glm::GLM_ALIGNED_TYPEDEF | -( | -highp_uint64_t | -, | -
- | - | aligned_highp_uint64_t | -, | -
- | - | 8 | -- |
- | ) | -- |
High qualifier 64 bit unsigned integer aligned scalar type.
-glm::GLM_ALIGNED_TYPEDEF | -( | -highp_u8 | -, | -
- | - | aligned_highp_u8 | -, | -
- | - | 1 | -- |
- | ) | -- |
High qualifier 8 bit unsigned integer aligned scalar type.
-glm::GLM_ALIGNED_TYPEDEF | -( | -highp_u16 | -, | -
- | - | aligned_highp_u16 | -, | -
- | - | 2 | -- |
- | ) | -- |
High qualifier 16 bit unsigned integer aligned scalar type.
-glm::GLM_ALIGNED_TYPEDEF | -( | -highp_u32 | -, | -
- | - | aligned_highp_u32 | -, | -
- | - | 4 | -- |
- | ) | -- |
High qualifier 32 bit unsigned integer aligned scalar type.
-glm::GLM_ALIGNED_TYPEDEF | -( | -highp_u64 | -, | -
- | - | aligned_highp_u64 | -, | -
- | - | 8 | -- |
- | ) | -- |
High qualifier 64 bit unsigned integer aligned scalar type.
-glm::GLM_ALIGNED_TYPEDEF | -( | -uint8 | -, | -
- | - | aligned_uint8 | -, | -
- | - | 1 | -- |
- | ) | -- |
Default qualifier 8 bit unsigned integer aligned scalar type.
-glm::GLM_ALIGNED_TYPEDEF | -( | -uint16 | -, | -
- | - | aligned_uint16 | -, | -
- | - | 2 | -- |
- | ) | -- |
Default qualifier 16 bit unsigned integer aligned scalar type.
-glm::GLM_ALIGNED_TYPEDEF | -( | -uint32 | -, | -
- | - | aligned_uint32 | -, | -
- | - | 4 | -- |
- | ) | -- |
Default qualifier 32 bit unsigned integer aligned scalar type.
-glm::GLM_ALIGNED_TYPEDEF | -( | -uint64 | -, | -
- | - | aligned_uint64 | -, | -
- | - | 8 | -- |
- | ) | -- |
Default qualifier 64 bit unsigned integer aligned scalar type.
-glm::GLM_ALIGNED_TYPEDEF | -( | -uint8_t | -, | -
- | - | aligned_uint8_t | -, | -
- | - | 1 | -- |
- | ) | -- |
Default qualifier 8 bit unsigned integer aligned scalar type.
-glm::GLM_ALIGNED_TYPEDEF | -( | -uint16_t | -, | -
- | - | aligned_uint16_t | -, | -
- | - | 2 | -- |
- | ) | -- |
Default qualifier 16 bit unsigned integer aligned scalar type.
-glm::GLM_ALIGNED_TYPEDEF | -( | -uint32_t | -, | -
- | - | aligned_uint32_t | -, | -
- | - | 4 | -- |
- | ) | -- |
Default qualifier 32 bit unsigned integer aligned scalar type.
-glm::GLM_ALIGNED_TYPEDEF | -( | -uint64_t | -, | -
- | - | aligned_uint64_t | -, | -
- | - | 8 | -- |
- | ) | -- |
Default qualifier 64 bit unsigned integer aligned scalar type.
-glm::GLM_ALIGNED_TYPEDEF | -( | -u8 | -, | -
- | - | aligned_u8 | -, | -
- | - | 1 | -- |
- | ) | -- |
Default qualifier 8 bit unsigned integer aligned scalar type.
-glm::GLM_ALIGNED_TYPEDEF | -( | -u16 | -, | -
- | - | aligned_u16 | -, | -
- | - | 2 | -- |
- | ) | -- |
Default qualifier 16 bit unsigned integer aligned scalar type.
-glm::GLM_ALIGNED_TYPEDEF | -( | -u32 | -, | -
- | - | aligned_u32 | -, | -
- | - | 4 | -- |
- | ) | -- |
Default qualifier 32 bit unsigned integer aligned scalar type.
-glm::GLM_ALIGNED_TYPEDEF | -( | -u64 | -, | -
- | - | aligned_u64 | -, | -
- | - | 8 | -- |
- | ) | -- |
Default qualifier 64 bit unsigned integer aligned scalar type.
-glm::GLM_ALIGNED_TYPEDEF | -( | -uvec1 | -, | -
- | - | aligned_uvec1 | -, | -
- | - | 4 | -- |
- | ) | -- |
Default qualifier 32 bit unsigned integer aligned scalar type.
-glm::GLM_ALIGNED_TYPEDEF | -( | -uvec2 | -, | -
- | - | aligned_uvec2 | -, | -
- | - | 8 | -- |
- | ) | -- |
Default qualifier 32 bit unsigned integer aligned vector of 2 components type.
-glm::GLM_ALIGNED_TYPEDEF | -( | -uvec3 | -, | -
- | - | aligned_uvec3 | -, | -
- | - | 16 | -- |
- | ) | -- |
Default qualifier 32 bit unsigned integer aligned vector of 3 components type.
-glm::GLM_ALIGNED_TYPEDEF | -( | -uvec4 | -, | -
- | - | aligned_uvec4 | -, | -
- | - | 16 | -- |
- | ) | -- |
Default qualifier 32 bit unsigned integer aligned vector of 4 components type.
-glm::GLM_ALIGNED_TYPEDEF | -( | -u8vec1 | -, | -
- | - | aligned_u8vec1 | -, | -
- | - | 1 | -- |
- | ) | -- |
Default qualifier 8 bit unsigned integer aligned scalar type.
-glm::GLM_ALIGNED_TYPEDEF | -( | -u8vec2 | -, | -
- | - | aligned_u8vec2 | -, | -
- | - | 2 | -- |
- | ) | -- |
Default qualifier 8 bit unsigned integer aligned vector of 2 components type.
-glm::GLM_ALIGNED_TYPEDEF | -( | -u8vec3 | -, | -
- | - | aligned_u8vec3 | -, | -
- | - | 4 | -- |
- | ) | -- |
Default qualifier 8 bit unsigned integer aligned vector of 3 components type.
-glm::GLM_ALIGNED_TYPEDEF | -( | -u8vec4 | -, | -
- | - | aligned_u8vec4 | -, | -
- | - | 4 | -- |
- | ) | -- |
Default qualifier 8 bit unsigned integer aligned vector of 4 components type.
-glm::GLM_ALIGNED_TYPEDEF | -( | -u16vec1 | -, | -
- | - | aligned_u16vec1 | -, | -
- | - | 2 | -- |
- | ) | -- |
Default qualifier 16 bit unsigned integer aligned scalar type.
-glm::GLM_ALIGNED_TYPEDEF | -( | -u16vec2 | -, | -
- | - | aligned_u16vec2 | -, | -
- | - | 4 | -- |
- | ) | -- |
Default qualifier 16 bit unsigned integer aligned vector of 2 components type.
-glm::GLM_ALIGNED_TYPEDEF | -( | -u16vec3 | -, | -
- | - | aligned_u16vec3 | -, | -
- | - | 8 | -- |
- | ) | -- |
Default qualifier 16 bit unsigned integer aligned vector of 3 components type.
-glm::GLM_ALIGNED_TYPEDEF | -( | -u16vec4 | -, | -
- | - | aligned_u16vec4 | -, | -
- | - | 8 | -- |
- | ) | -- |
Default qualifier 16 bit unsigned integer aligned vector of 4 components type.
-glm::GLM_ALIGNED_TYPEDEF | -( | -u32vec1 | -, | -
- | - | aligned_u32vec1 | -, | -
- | - | 4 | -- |
- | ) | -- |
Default qualifier 32 bit unsigned integer aligned scalar type.
-glm::GLM_ALIGNED_TYPEDEF | -( | -u32vec2 | -, | -
- | - | aligned_u32vec2 | -, | -
- | - | 8 | -- |
- | ) | -- |
Default qualifier 32 bit unsigned integer aligned vector of 2 components type.
-glm::GLM_ALIGNED_TYPEDEF | -( | -u32vec3 | -, | -
- | - | aligned_u32vec3 | -, | -
- | - | 16 | -- |
- | ) | -- |
Default qualifier 32 bit unsigned integer aligned vector of 3 components type.
-glm::GLM_ALIGNED_TYPEDEF | -( | -u32vec4 | -, | -
- | - | aligned_u32vec4 | -, | -
- | - | 16 | -- |
- | ) | -- |
Default qualifier 32 bit unsigned integer aligned vector of 4 components type.
-glm::GLM_ALIGNED_TYPEDEF | -( | -u64vec1 | -, | -
- | - | aligned_u64vec1 | -, | -
- | - | 8 | -- |
- | ) | -- |
Default qualifier 64 bit unsigned integer aligned scalar type.
-glm::GLM_ALIGNED_TYPEDEF | -( | -u64vec2 | -, | -
- | - | aligned_u64vec2 | -, | -
- | - | 16 | -- |
- | ) | -- |
Default qualifier 64 bit unsigned integer aligned vector of 2 components type.
-glm::GLM_ALIGNED_TYPEDEF | -( | -u64vec3 | -, | -
- | - | aligned_u64vec3 | -, | -
- | - | 32 | -- |
- | ) | -- |
Default qualifier 64 bit unsigned integer aligned vector of 3 components type.
-glm::GLM_ALIGNED_TYPEDEF | -( | -u64vec4 | -, | -
- | - | aligned_u64vec4 | -, | -
- | - | 32 | -- |
- | ) | -- |
Default qualifier 64 bit unsigned integer aligned vector of 4 components type.
-glm::GLM_ALIGNED_TYPEDEF | -( | -float32 | -, | -
- | - | aligned_float32 | -, | -
- | - | 4 | -- |
- | ) | -- |
32 bit single-qualifier floating-point aligned scalar.
-glm::GLM_ALIGNED_TYPEDEF | -( | -float32_t | -, | -
- | - | aligned_float32_t | -, | -
- | - | 4 | -- |
- | ) | -- |
32 bit single-qualifier floating-point aligned scalar.
-glm::GLM_ALIGNED_TYPEDEF | -( | -float32 | -, | -
- | - | aligned_f32 | -, | -
- | - | 4 | -- |
- | ) | -- |
32 bit single-qualifier floating-point aligned scalar.
-glm::GLM_ALIGNED_TYPEDEF | -( | -float64 | -, | -
- | - | aligned_float64 | -, | -
- | - | 8 | -- |
- | ) | -- |
64 bit double-qualifier floating-point aligned scalar.
-glm::GLM_ALIGNED_TYPEDEF | -( | -float64_t | -, | -
- | - | aligned_float64_t | -, | -
- | - | 8 | -- |
- | ) | -- |
64 bit double-qualifier floating-point aligned scalar.
-glm::GLM_ALIGNED_TYPEDEF | -( | -float64 | -, | -
- | - | aligned_f64 | -, | -
- | - | 8 | -- |
- | ) | -- |
64 bit double-qualifier floating-point aligned scalar.
-glm::GLM_ALIGNED_TYPEDEF | -( | -vec1 | -, | -
- | - | aligned_vec1 | -, | -
- | - | 4 | -- |
- | ) | -- |
Single-qualifier floating-point aligned vector of 1 component.
-glm::GLM_ALIGNED_TYPEDEF | -( | -vec2 | -, | -
- | - | aligned_vec2 | -, | -
- | - | 8 | -- |
- | ) | -- |
Single-qualifier floating-point aligned vector of 2 components.
-glm::GLM_ALIGNED_TYPEDEF | -( | -vec3 | -, | -
- | - | aligned_vec3 | -, | -
- | - | 16 | -- |
- | ) | -- |
Single-qualifier floating-point aligned vector of 3 components.
-glm::GLM_ALIGNED_TYPEDEF | -( | -vec4 | -, | -
- | - | aligned_vec4 | -, | -
- | - | 16 | -- |
- | ) | -- |
Single-qualifier floating-point aligned vector of 4 components.
-glm::GLM_ALIGNED_TYPEDEF | -( | -fvec1 | -, | -
- | - | aligned_fvec1 | -, | -
- | - | 4 | -- |
- | ) | -- |
Single-qualifier floating-point aligned vector of 1 component.
-glm::GLM_ALIGNED_TYPEDEF | -( | -fvec2 | -, | -
- | - | aligned_fvec2 | -, | -
- | - | 8 | -- |
- | ) | -- |
Single-qualifier floating-point aligned vector of 2 components.
-glm::GLM_ALIGNED_TYPEDEF | -( | -fvec3 | -, | -
- | - | aligned_fvec3 | -, | -
- | - | 16 | -- |
- | ) | -- |
Single-qualifier floating-point aligned vector of 3 components.
-glm::GLM_ALIGNED_TYPEDEF | -( | -fvec4 | -, | -
- | - | aligned_fvec4 | -, | -
- | - | 16 | -- |
- | ) | -- |
Single-qualifier floating-point aligned vector of 4 components.
-glm::GLM_ALIGNED_TYPEDEF | -( | -f32vec1 | -, | -
- | - | aligned_f32vec1 | -, | -
- | - | 4 | -- |
- | ) | -- |
Single-qualifier floating-point aligned vector of 1 component.
-glm::GLM_ALIGNED_TYPEDEF | -( | -f32vec2 | -, | -
- | - | aligned_f32vec2 | -, | -
- | - | 8 | -- |
- | ) | -- |
Single-qualifier floating-point aligned vector of 2 components.
-glm::GLM_ALIGNED_TYPEDEF | -( | -f32vec3 | -, | -
- | - | aligned_f32vec3 | -, | -
- | - | 16 | -- |
- | ) | -- |
Single-qualifier floating-point aligned vector of 3 components.
-glm::GLM_ALIGNED_TYPEDEF | -( | -f32vec4 | -, | -
- | - | aligned_f32vec4 | -, | -
- | - | 16 | -- |
- | ) | -- |
Single-qualifier floating-point aligned vector of 4 components.
-glm::GLM_ALIGNED_TYPEDEF | -( | -dvec1 | -, | -
- | - | aligned_dvec1 | -, | -
- | - | 8 | -- |
- | ) | -- |
Double-qualifier floating-point aligned vector of 1 component.
-glm::GLM_ALIGNED_TYPEDEF | -( | -dvec2 | -, | -
- | - | aligned_dvec2 | -, | -
- | - | 16 | -- |
- | ) | -- |
Double-qualifier floating-point aligned vector of 2 components.
-glm::GLM_ALIGNED_TYPEDEF | -( | -dvec3 | -, | -
- | - | aligned_dvec3 | -, | -
- | - | 32 | -- |
- | ) | -- |
Double-qualifier floating-point aligned vector of 3 components.
-glm::GLM_ALIGNED_TYPEDEF | -( | -dvec4 | -, | -
- | - | aligned_dvec4 | -, | -
- | - | 32 | -- |
- | ) | -- |
Double-qualifier floating-point aligned vector of 4 components.
-glm::GLM_ALIGNED_TYPEDEF | -( | -f64vec1 | -, | -
- | - | aligned_f64vec1 | -, | -
- | - | 8 | -- |
- | ) | -- |
Double-qualifier floating-point aligned vector of 1 component.
-glm::GLM_ALIGNED_TYPEDEF | -( | -f64vec2 | -, | -
- | - | aligned_f64vec2 | -, | -
- | - | 16 | -- |
- | ) | -- |
Double-qualifier floating-point aligned vector of 2 components.
-glm::GLM_ALIGNED_TYPEDEF | -( | -f64vec3 | -, | -
- | - | aligned_f64vec3 | -, | -
- | - | 32 | -- |
- | ) | -- |
Double-qualifier floating-point aligned vector of 3 components.
-glm::GLM_ALIGNED_TYPEDEF | -( | -f64vec4 | -, | -
- | - | aligned_f64vec4 | -, | -
- | - | 32 | -- |
- | ) | -- |
Double-qualifier floating-point aligned vector of 4 components.
-GLM_ALIGNED_TYPEDEF | -( | -mat2 | -, | -
- | - | aligned_mat2 | -, | -
- | - | 16 | -- |
- | ) | -- |
Single-qualifier floating-point aligned 1x1 matrix.
-GLM_ALIGNED_TYPEDEF | -( | -mat3 | -, | -
- | - | aligned_mat3 | -, | -
- | - | 16 | -- |
- | ) | -- |
Single-qualifier floating-point aligned 3x3 matrix.
-GLM_ALIGNED_TYPEDEF | -( | -mat4 | -, | -
- | - | aligned_mat4 | -, | -
- | - | 16 | -- |
- | ) | -- |
Single-qualifier floating-point aligned 4x4 matrix.
-glm::GLM_ALIGNED_TYPEDEF | -( | -fmat2x2 | -, | -
- | - | aligned_fmat2 | -, | -
- | - | 16 | -- |
- | ) | -- |
Single-qualifier floating-point aligned 1x1 matrix.
-glm::GLM_ALIGNED_TYPEDEF | -( | -fmat3x3 | -, | -
- | - | aligned_fmat3 | -, | -
- | - | 16 | -- |
- | ) | -- |
Single-qualifier floating-point aligned 3x3 matrix.
-glm::GLM_ALIGNED_TYPEDEF | -( | -fmat4x4 | -, | -
- | - | aligned_fmat4 | -, | -
- | - | 16 | -- |
- | ) | -- |
Single-qualifier floating-point aligned 4x4 matrix.
-glm::GLM_ALIGNED_TYPEDEF | -( | -fmat2x2 | -, | -
- | - | aligned_fmat2x2 | -, | -
- | - | 16 | -- |
- | ) | -- |
Single-qualifier floating-point aligned 1x1 matrix.
-glm::GLM_ALIGNED_TYPEDEF | -( | -fmat2x3 | -, | -
- | - | aligned_fmat2x3 | -, | -
- | - | 16 | -- |
- | ) | -- |
Single-qualifier floating-point aligned 2x3 matrix.
-glm::GLM_ALIGNED_TYPEDEF | -( | -fmat2x4 | -, | -
- | - | aligned_fmat2x4 | -, | -
- | - | 16 | -- |
- | ) | -- |
Single-qualifier floating-point aligned 2x4 matrix.
-glm::GLM_ALIGNED_TYPEDEF | -( | -fmat3x2 | -, | -
- | - | aligned_fmat3x2 | -, | -
- | - | 16 | -- |
- | ) | -- |
Single-qualifier floating-point aligned 3x2 matrix.
-glm::GLM_ALIGNED_TYPEDEF | -( | -fmat3x3 | -, | -
- | - | aligned_fmat3x3 | -, | -
- | - | 16 | -- |
- | ) | -- |
Single-qualifier floating-point aligned 3x3 matrix.
-glm::GLM_ALIGNED_TYPEDEF | -( | -fmat3x4 | -, | -
- | - | aligned_fmat3x4 | -, | -
- | - | 16 | -- |
- | ) | -- |
Single-qualifier floating-point aligned 3x4 matrix.
-glm::GLM_ALIGNED_TYPEDEF | -( | -fmat4x2 | -, | -
- | - | aligned_fmat4x2 | -, | -
- | - | 16 | -- |
- | ) | -- |
Single-qualifier floating-point aligned 4x2 matrix.
-glm::GLM_ALIGNED_TYPEDEF | -( | -fmat4x3 | -, | -
- | - | aligned_fmat4x3 | -, | -
- | - | 16 | -- |
- | ) | -- |
Single-qualifier floating-point aligned 4x3 matrix.
-glm::GLM_ALIGNED_TYPEDEF | -( | -fmat4x4 | -, | -
- | - | aligned_fmat4x4 | -, | -
- | - | 16 | -- |
- | ) | -- |
Single-qualifier floating-point aligned 4x4 matrix.
-glm::GLM_ALIGNED_TYPEDEF | -( | -f32mat2x2 | -, | -
- | - | aligned_f32mat2 | -, | -
- | - | 16 | -- |
- | ) | -- |
Single-qualifier floating-point aligned 1x1 matrix.
-glm::GLM_ALIGNED_TYPEDEF | -( | -f32mat3x3 | -, | -
- | - | aligned_f32mat3 | -, | -
- | - | 16 | -- |
- | ) | -- |
Single-qualifier floating-point aligned 3x3 matrix.
-glm::GLM_ALIGNED_TYPEDEF | -( | -f32mat4x4 | -, | -
- | - | aligned_f32mat4 | -, | -
- | - | 16 | -- |
- | ) | -- |
Single-qualifier floating-point aligned 4x4 matrix.
-glm::GLM_ALIGNED_TYPEDEF | -( | -f32mat2x2 | -, | -
- | - | aligned_f32mat2x2 | -, | -
- | - | 16 | -- |
- | ) | -- |
Single-qualifier floating-point aligned 1x1 matrix.
-glm::GLM_ALIGNED_TYPEDEF | -( | -f32mat2x3 | -, | -
- | - | aligned_f32mat2x3 | -, | -
- | - | 16 | -- |
- | ) | -- |
Single-qualifier floating-point aligned 2x3 matrix.
-glm::GLM_ALIGNED_TYPEDEF | -( | -f32mat2x4 | -, | -
- | - | aligned_f32mat2x4 | -, | -
- | - | 16 | -- |
- | ) | -- |
Single-qualifier floating-point aligned 2x4 matrix.
-glm::GLM_ALIGNED_TYPEDEF | -( | -f32mat3x2 | -, | -
- | - | aligned_f32mat3x2 | -, | -
- | - | 16 | -- |
- | ) | -- |
Single-qualifier floating-point aligned 3x2 matrix.
-glm::GLM_ALIGNED_TYPEDEF | -( | -f32mat3x3 | -, | -
- | - | aligned_f32mat3x3 | -, | -
- | - | 16 | -- |
- | ) | -- |
Single-qualifier floating-point aligned 3x3 matrix.
-glm::GLM_ALIGNED_TYPEDEF | -( | -f32mat3x4 | -, | -
- | - | aligned_f32mat3x4 | -, | -
- | - | 16 | -- |
- | ) | -- |
Single-qualifier floating-point aligned 3x4 matrix.
-glm::GLM_ALIGNED_TYPEDEF | -( | -f32mat4x2 | -, | -
- | - | aligned_f32mat4x2 | -, | -
- | - | 16 | -- |
- | ) | -- |
Single-qualifier floating-point aligned 4x2 matrix.
-glm::GLM_ALIGNED_TYPEDEF | -( | -f32mat4x3 | -, | -
- | - | aligned_f32mat4x3 | -, | -
- | - | 16 | -- |
- | ) | -- |
Single-qualifier floating-point aligned 4x3 matrix.
-glm::GLM_ALIGNED_TYPEDEF | -( | -f32mat4x4 | -, | -
- | - | aligned_f32mat4x4 | -, | -
- | - | 16 | -- |
- | ) | -- |
Single-qualifier floating-point aligned 4x4 matrix.
-glm::GLM_ALIGNED_TYPEDEF | -( | -f64mat2x2 | -, | -
- | - | aligned_f64mat2 | -, | -
- | - | 32 | -- |
- | ) | -- |
Double-qualifier floating-point aligned 1x1 matrix.
-glm::GLM_ALIGNED_TYPEDEF | -( | -f64mat3x3 | -, | -
- | - | aligned_f64mat3 | -, | -
- | - | 32 | -- |
- | ) | -- |
Double-qualifier floating-point aligned 3x3 matrix.
-glm::GLM_ALIGNED_TYPEDEF | -( | -f64mat4x4 | -, | -
- | - | aligned_f64mat4 | -, | -
- | - | 32 | -- |
- | ) | -- |
Double-qualifier floating-point aligned 4x4 matrix.
-glm::GLM_ALIGNED_TYPEDEF | -( | -f64mat2x2 | -, | -
- | - | aligned_f64mat2x2 | -, | -
- | - | 32 | -- |
- | ) | -- |
Double-qualifier floating-point aligned 1x1 matrix.
-glm::GLM_ALIGNED_TYPEDEF | -( | -f64mat2x3 | -, | -
- | - | aligned_f64mat2x3 | -, | -
- | - | 32 | -- |
- | ) | -- |
Double-qualifier floating-point aligned 2x3 matrix.
-glm::GLM_ALIGNED_TYPEDEF | -( | -f64mat2x4 | -, | -
- | - | aligned_f64mat2x4 | -, | -
- | - | 32 | -- |
- | ) | -- |
Double-qualifier floating-point aligned 2x4 matrix.
-glm::GLM_ALIGNED_TYPEDEF | -( | -f64mat3x2 | -, | -
- | - | aligned_f64mat3x2 | -, | -
- | - | 32 | -- |
- | ) | -- |
Double-qualifier floating-point aligned 3x2 matrix.
-glm::GLM_ALIGNED_TYPEDEF | -( | -f64mat3x3 | -, | -
- | - | aligned_f64mat3x3 | -, | -
- | - | 32 | -- |
- | ) | -- |
Double-qualifier floating-point aligned 3x3 matrix.
-glm::GLM_ALIGNED_TYPEDEF | -( | -f64mat3x4 | -, | -
- | - | aligned_f64mat3x4 | -, | -
- | - | 32 | -- |
- | ) | -- |
Double-qualifier floating-point aligned 3x4 matrix.
-glm::GLM_ALIGNED_TYPEDEF | -( | -f64mat4x2 | -, | -
- | - | aligned_f64mat4x2 | -, | -
- | - | 32 | -- |
- | ) | -- |
Double-qualifier floating-point aligned 4x2 matrix.
-glm::GLM_ALIGNED_TYPEDEF | -( | -f64mat4x3 | -, | -
- | - | aligned_f64mat4x3 | -, | -
- | - | 32 | -- |
- | ) | -- |
Double-qualifier floating-point aligned 4x3 matrix.
-glm::GLM_ALIGNED_TYPEDEF | -( | -f64mat4x4 | -, | -
- | - | aligned_f64mat4x4 | -, | -
- | - | 32 | -- |
- | ) | -- |
Double-qualifier floating-point aligned 4x4 matrix.
-glm::GLM_ALIGNED_TYPEDEF | -( | -quat | -, | -
- | - | aligned_quat | -, | -
- | - | 16 | -- |
- | ) | -- |
Single-qualifier floating-point aligned quaternion.
-glm::GLM_ALIGNED_TYPEDEF | -( | -quat | -, | -
- | - | aligned_fquat | -, | -
- | - | 16 | -- |
- | ) | -- |
Single-qualifier floating-point aligned quaternion.
-glm::GLM_ALIGNED_TYPEDEF | -( | -dquat | -, | -
- | - | aligned_dquat | -, | -
- | - | 32 | -- |
- | ) | -- |
Double-qualifier floating-point aligned quaternion.
-glm::GLM_ALIGNED_TYPEDEF | -( | -f32quat | -, | -
- | - | aligned_f32quat | -, | -
- | - | 16 | -- |
- | ) | -- |
Single-qualifier floating-point aligned quaternion.
-glm::GLM_ALIGNED_TYPEDEF | -( | -f64quat | -, | -
- | - | aligned_f64quat | -, | -
- | - | 32 | -- |
- | ) | -- |
Double-qualifier floating-point aligned quaternion.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
Include <glm/gtx/type_trait.hpp> to use the features of this extension. -More...
-Include <glm/gtx/type_trait.hpp> to use the features of this extension.
-Defines traits for each type.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
Include <glm/gtx/vec_swizzle.hpp> to use the features of this extension. -More...
-Include <glm/gtx/vec_swizzle.hpp> to use the features of this extension.
-Functions to perform swizzle operation.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
Include <glm/gtx/vector_angle.hpp> to use the features of this extension. -More...
--Functions | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL T | angle (vec< L, T, Q > const &x, vec< L, T, Q > const &y) |
Returns the absolute angle between two vectors. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL T | orientedAngle (vec< 2, T, Q > const &x, vec< 2, T, Q > const &y) |
Returns the oriented angle between two 2d vectors. More... | |
template<typename T , qualifier Q> | |
GLM_FUNC_DECL T | orientedAngle (vec< 3, T, Q > const &x, vec< 3, T, Q > const &y, vec< 3, T, Q > const &ref) |
Returns the oriented angle between two 3d vectors based from a reference axis. More... | |
Include <glm/gtx/vector_angle.hpp> to use the features of this extension.
-Compute angle between vectors
-GLM_FUNC_DECL T glm::angle | -( | -vec< L, T, Q > const & | -x, | -
- | - | vec< L, T, Q > const & | -y | -
- | ) | -- |
Returns the absolute angle between two vectors.
-Parameters need to be normalized.
GLM_FUNC_DECL T glm::orientedAngle | -( | -vec< 2, T, Q > const & | -x, | -
- | - | vec< 2, T, Q > const & | -y | -
- | ) | -- |
Returns the oriented angle between two 2d vectors.
-Parameters need to be normalized.
GLM_FUNC_DECL T glm::orientedAngle | -( | -vec< 3, T, Q > const & | -x, | -
- | - | vec< 3, T, Q > const & | -y, | -
- | - | vec< 3, T, Q > const & | -ref | -
- | ) | -- |
Returns the oriented angle between two 3d vectors based from a reference axis.
-Parameters need to be normalized.
![]() |
-
- 0.9.9 API documentation
-
- |
-
Include <glm/gtx/vector_query.hpp> to use the features of this extension. -More...
--Functions | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL bool | areCollinear (vec< L, T, Q > const &v0, vec< L, T, Q > const &v1, T const &epsilon) |
Check whether two vectors are collinears. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL bool | areOrthogonal (vec< L, T, Q > const &v0, vec< L, T, Q > const &v1, T const &epsilon) |
Check whether two vectors are orthogonals. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL bool | areOrthonormal (vec< L, T, Q > const &v0, vec< L, T, Q > const &v1, T const &epsilon) |
Check whether two vectors are orthonormal. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, bool, Q > | isCompNull (vec< L, T, Q > const &v, T const &epsilon) |
Check whether a each component of a vector is null. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL bool | isNormalized (vec< L, T, Q > const &v, T const &epsilon) |
Check whether a vector is normalized. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL bool | isNull (vec< L, T, Q > const &v, T const &epsilon) |
Check whether a vector is null. More... | |
Include <glm/gtx/vector_query.hpp> to use the features of this extension.
-Query informations of vector types
-GLM_FUNC_DECL bool glm::areCollinear | -( | -vec< L, T, Q > const & | -v0, | -
- | - | vec< L, T, Q > const & | -v1, | -
- | - | T const & | -epsilon | -
- | ) | -- |
Check whether two vectors are collinears.
-GLM_FUNC_DECL bool glm::areOrthogonal | -( | -vec< L, T, Q > const & | -v0, | -
- | - | vec< L, T, Q > const & | -v1, | -
- | - | T const & | -epsilon | -
- | ) | -- |
Check whether two vectors are orthogonals.
-GLM_FUNC_DECL bool glm::areOrthonormal | -( | -vec< L, T, Q > const & | -v0, | -
- | - | vec< L, T, Q > const & | -v1, | -
- | - | T const & | -epsilon | -
- | ) | -- |
Check whether two vectors are orthonormal.
-GLM_FUNC_DECL vec<L, bool, Q> glm::isCompNull | -( | -vec< L, T, Q > const & | -v, | -
- | - | T const & | -epsilon | -
- | ) | -- |
Check whether a each component of a vector is null.
-GLM_FUNC_DECL bool glm::isNormalized | -( | -vec< L, T, Q > const & | -v, | -
- | - | T const & | -epsilon | -
- | ) | -- |
Check whether a vector is normalized.
-GLM_FUNC_DECL bool glm::isNull | -( | -vec< L, T, Q > const & | -v, | -
- | - | T const & | -epsilon | -
- | ) | -- |
Check whether a vector is null.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
Include <glm/gtx/wrap.hpp> to use the features of this extension. -More...
--Functions | |
template<typename genType > | |
GLM_FUNC_DECL genType | clamp (genType const &Texcoord) |
Simulate GL_CLAMP OpenGL wrap mode. More... | |
template<typename genType > | |
GLM_FUNC_DECL genType | mirrorClamp (genType const &Texcoord) |
Simulate GL_MIRRORED_REPEAT OpenGL wrap mode. More... | |
template<typename genType > | |
GLM_FUNC_DECL genType | mirrorRepeat (genType const &Texcoord) |
Simulate GL_MIRROR_REPEAT OpenGL wrap mode. More... | |
template<typename genType > | |
GLM_FUNC_DECL genType | repeat (genType const &Texcoord) |
Simulate GL_REPEAT OpenGL wrap mode. More... | |
Include <glm/gtx/wrap.hpp> to use the features of this extension.
-Wrapping mode of texture coordinates.
-GLM_FUNC_DECL genType glm::clamp | -( | -genType const & | -Texcoord | ) | -- |
Simulate GL_CLAMP OpenGL wrap mode.
-GLM_FUNC_DECL genType glm::mirrorClamp | -( | -genType const & | -Texcoord | ) | -- |
Simulate GL_MIRRORED_REPEAT OpenGL wrap mode.
-GLM_FUNC_DECL genType glm::mirrorRepeat | -( | -genType const & | -Texcoord | ) | -- |
Simulate GL_MIRROR_REPEAT OpenGL wrap mode.
-GLM_FUNC_DECL genType glm::repeat | -( | -genType const & | -Texcoord | ) | -- |
Simulate GL_REPEAT OpenGL wrap mode.
-![]() |
-
- 0.9.9 API documentation
-
- |
-
Provides GLSL functions on integer types. -More...
--Functions | |
template<typename genType > | |
GLM_FUNC_DECL int | bitCount (genType v) |
Returns the number of bits set to 1 in the binary representation of value. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, int, Q > | bitCount (vec< L, T, Q > const &v) |
Returns the number of bits set to 1 in the binary representation of value. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, T, Q > | bitfieldExtract (vec< L, T, Q > const &Value, int Offset, int Bits) |
Extracts bits [offset, offset + bits - 1] from value, returning them in the least significant bits of the result. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, T, Q > | bitfieldInsert (vec< L, T, Q > const &Base, vec< L, T, Q > const &Insert, int Offset, int Bits) |
Returns the insertion the bits least-significant bits of insert into base. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, T, Q > | bitfieldReverse (vec< L, T, Q > const &v) |
Returns the reversal of the bits of value. More... | |
template<typename genIUType > | |
GLM_FUNC_DECL int | findLSB (genIUType x) |
Returns the bit number of the least significant bit set to 1 in the binary representation of value. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, int, Q > | findLSB (vec< L, T, Q > const &v) |
Returns the bit number of the least significant bit set to 1 in the binary representation of value. More... | |
template<typename genIUType > | |
GLM_FUNC_DECL int | findMSB (genIUType x) |
Returns the bit number of the most significant bit in the binary representation of value. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, int, Q > | findMSB (vec< L, T, Q > const &v) |
Returns the bit number of the most significant bit in the binary representation of value. More... | |
template<length_t L, qualifier Q> | |
GLM_FUNC_DECL void | imulExtended (vec< L, int, Q > const &x, vec< L, int, Q > const &y, vec< L, int, Q > &msb, vec< L, int, Q > &lsb) |
Multiplies 32-bit integers x and y, producing a 64-bit result. More... | |
template<length_t L, qualifier Q> | |
GLM_FUNC_DECL vec< L, uint, Q > | uaddCarry (vec< L, uint, Q > const &x, vec< L, uint, Q > const &y, vec< L, uint, Q > &carry) |
Adds 32-bit unsigned integer x and y, returning the sum modulo pow(2, 32). More... | |
template<length_t L, qualifier Q> | |
GLM_FUNC_DECL void | umulExtended (vec< L, uint, Q > const &x, vec< L, uint, Q > const &y, vec< L, uint, Q > &msb, vec< L, uint, Q > &lsb) |
Multiplies 32-bit integers x and y, producing a 64-bit result. More... | |
template<length_t L, qualifier Q> | |
GLM_FUNC_DECL vec< L, uint, Q > | usubBorrow (vec< L, uint, Q > const &x, vec< L, uint, Q > const &y, vec< L, uint, Q > &borrow) |
Subtracts the 32-bit unsigned integer y from x, returning the difference if non-negative, or pow(2, 32) plus the difference otherwise. More... | |
Provides GLSL functions on integer types.
-These all operate component-wise. The description is per component. The notation [a, b] means the set of bits from bit-number a through bit-number b, inclusive. The lowest-order bit is bit 0.
-Include <glm/integer.hpp> to use these core features.
-GLM_FUNC_DECL int glm::bitCount | -( | -genType | -v | ) | -- |
Returns the number of bits set to 1 in the binary representation of value.
-genType | Signed or unsigned integer scalar or vector types. |
GLM_FUNC_DECL vec<L, int, Q> glm::bitCount | -( | -vec< L, T, Q > const & | -v | ) | -- |
Returns the number of bits set to 1 in the binary representation of value.
-L | An integer between 1 and 4 included that qualify the dimension of the vector. |
T | Signed or unsigned integer scalar or vector types. |
GLM_FUNC_DECL vec<L, T, Q> glm::bitfieldExtract | -( | -vec< L, T, Q > const & | -Value, | -
- | - | int | -Offset, | -
- | - | int | -Bits | -
- | ) | -- |
Extracts bits [offset, offset + bits - 1] from value, returning them in the least significant bits of the result.
-For unsigned data types, the most significant bits of the result will be set to zero. For signed data types, the most significant bits will be set to the value of bit offset + base - 1.
-If bits is zero, the result will be zero. The result will be undefined if offset or bits is negative, or if the sum of offset and bits is greater than the number of bits used to store the operand.
-L | An integer between 1 and 4 included that qualify the dimension of the vector. |
T | Signed or unsigned integer scalar types. |
GLM_FUNC_DECL vec<L, T, Q> glm::bitfieldInsert | -( | -vec< L, T, Q > const & | -Base, | -
- | - | vec< L, T, Q > const & | -Insert, | -
- | - | int | -Offset, | -
- | - | int | -Bits | -
- | ) | -- |
Returns the insertion the bits least-significant bits of insert into base.
-The result will have bits [offset, offset + bits - 1] taken from bits [0, bits - 1] of insert, and all other bits taken directly from the corresponding bits of base. If bits is zero, the result will simply be base. The result will be undefined if offset or bits is negative, or if the sum of offset and bits is greater than the number of bits used to store the operand.
-L | An integer between 1 and 4 included that qualify the dimension of the vector. |
T | Signed or unsigned integer scalar or vector types. |
GLM_FUNC_DECL vec<L, T, Q> glm::bitfieldReverse | -( | -vec< L, T, Q > const & | -v | ) | -- |
Returns the reversal of the bits of value.
-The bit numbered n of the result will be taken from bit (bits - 1) - n of value, where bits is the total number of bits used to represent value.
-L | An integer between 1 and 4 included that qualify the dimension of the vector. |
T | Signed or unsigned integer scalar or vector types. |
GLM_FUNC_DECL int glm::findLSB | -( | -genIUType | -x | ) | -- |
Returns the bit number of the least significant bit set to 1 in the binary representation of value.
-If value is zero, -1 will be returned.
-genIUType | Signed or unsigned integer scalar types. |
GLM_FUNC_DECL vec<L, int, Q> glm::findLSB | -( | -vec< L, T, Q > const & | -v | ) | -- |
Returns the bit number of the least significant bit set to 1 in the binary representation of value.
-If value is zero, -1 will be returned.
-L | An integer between 1 and 4 included that qualify the dimension of the vector. |
T | Signed or unsigned integer scalar types. |
GLM_FUNC_DECL int glm::findMSB | -( | -genIUType | -x | ) | -- |
Returns the bit number of the most significant bit in the binary representation of value.
-For positive integers, the result will be the bit number of the most significant bit set to 1. For negative integers, the result will be the bit number of the most significant bit set to 0. For a value of zero or negative one, -1 will be returned.
-genIUType | Signed or unsigned integer scalar types. |
GLM_FUNC_DECL vec<L, int, Q> glm::findMSB | -( | -vec< L, T, Q > const & | -v | ) | -- |
Returns the bit number of the most significant bit in the binary representation of value.
-For positive integers, the result will be the bit number of the most significant bit set to 1. For negative integers, the result will be the bit number of the most significant bit set to 0. For a value of zero or negative one, -1 will be returned.
-L | An integer between 1 and 4 included that qualify the dimension of the vector. |
T | Signed or unsigned integer scalar types. |
GLM_FUNC_DECL void glm::imulExtended | -( | -vec< L, int, Q > const & | -x, | -
- | - | vec< L, int, Q > const & | -y, | -
- | - | vec< L, int, Q > & | -msb, | -
- | - | vec< L, int, Q > & | -lsb | -
- | ) | -- |
Multiplies 32-bit integers x and y, producing a 64-bit result.
-The 32 least-significant bits are returned in lsb. The 32 most-significant bits are returned in msb.
-L | An integer between 1 and 4 included that qualify the dimension of the vector. |
GLM_FUNC_DECL vec<L, uint, Q> glm::uaddCarry | -( | -vec< L, uint, Q > const & | -x, | -
- | - | vec< L, uint, Q > const & | -y, | -
- | - | vec< L, uint, Q > & | -carry | -
- | ) | -- |
Adds 32-bit unsigned integer x and y, returning the sum modulo pow(2, 32).
-The value carry is set to 0 if the sum was less than pow(2, 32), or to 1 otherwise.
-L | An integer between 1 and 4 included that qualify the dimension of the vector. |
GLM_FUNC_DECL void glm::umulExtended | -( | -vec< L, uint, Q > const & | -x, | -
- | - | vec< L, uint, Q > const & | -y, | -
- | - | vec< L, uint, Q > & | -msb, | -
- | - | vec< L, uint, Q > & | -lsb | -
- | ) | -- |
Multiplies 32-bit integers x and y, producing a 64-bit result.
-The 32 least-significant bits are returned in lsb. The 32 most-significant bits are returned in msb.
-L | An integer between 1 and 4 included that qualify the dimension of the vector. |
GLM_FUNC_DECL vec<L, uint, Q> glm::usubBorrow | -( | -vec< L, uint, Q > const & | -x, | -
- | - | vec< L, uint, Q > const & | -y, | -
- | - | vec< L, uint, Q > & | -borrow | -
- | ) | -- |
Subtracts the 32-bit unsigned integer y from x, returning the difference if non-negative, or pow(2, 32) plus the difference otherwise.
-The value borrow is set to 0 if x >= y, or to 1 otherwise.
-L | An integer between 1 and 4 included that qualify the dimension of the vector. |
![]() |
-
- 0.9.9 API documentation
-
- |
-
Provides GLSL matrix functions. -More...
--Functions | |
template<length_t C, length_t R, typename T , qualifier Q> | |
GLM_FUNC_DECL T | determinant (mat< C, R, T, Q > const &m) |
Return the determinant of a squared matrix. More... | |
template<length_t C, length_t R, typename T , qualifier Q> | |
GLM_FUNC_DECL mat< C, R, T, Q > | inverse (mat< C, R, T, Q > const &m) |
Return the inverse of a squared matrix. More... | |
template<length_t C, length_t R, typename T , qualifier Q> | |
GLM_FUNC_DECL mat< C, R, T, Q > | matrixCompMult (mat< C, R, T, Q > const &x, mat< C, R, T, Q > const &y) |
Multiply matrix x by matrix y component-wise, i.e., result[i][j] is the scalar product of x[i][j] and y[i][j]. More... | |
template<length_t C, length_t R, typename T , qualifier Q> | |
GLM_FUNC_DECL detail::outerProduct_trait< C, R, T, Q >::type | outerProduct (vec< C, T, Q > const &c, vec< R, T, Q > const &r) |
Treats the first parameter c as a column vector and the second parameter r as a row vector and does a linear algebraic matrix multiply c * r. More... | |
template<length_t C, length_t R, typename T , qualifier Q> | |
GLM_FUNC_DECL mat< C, R, T, Q >::transpose_type | transpose (mat< C, R, T, Q > const &x) |
Returns the transposed matrix of x. More... | |
Provides GLSL matrix functions.
-Include <glm/matrix.hpp> to use these core features.
-GLM_FUNC_DECL T glm::determinant | -( | -mat< C, R, T, Q > const & | -m | ) | -- |
Return the determinant of a squared matrix.
-C | Integer between 1 and 4 included that qualify the number a column |
R | Integer between 1 and 4 included that qualify the number a row |
T | Floating-point or signed integer scalar types |
Q | Value from qualifier enum |
GLM_FUNC_DECL mat<C, R, T, Q> glm::inverse | -( | -mat< C, R, T, Q > const & | -m | ) | -- |
Return the inverse of a squared matrix.
-C | Integer between 1 and 4 included that qualify the number a column |
R | Integer between 1 and 4 included that qualify the number a row |
T | Floating-point or signed integer scalar types |
Q | Value from qualifier enum |
GLM_FUNC_DECL mat<C, R, T, Q> glm::matrixCompMult | -( | -mat< C, R, T, Q > const & | -x, | -
- | - | mat< C, R, T, Q > const & | -y | -
- | ) | -- |
Multiply matrix x by matrix y component-wise, i.e., result[i][j] is the scalar product of x[i][j] and y[i][j].
-C | Integer between 1 and 4 included that qualify the number a column |
R | Integer between 1 and 4 included that qualify the number a row |
T | Floating-point or signed integer scalar types |
Q | Value from qualifier enum |
GLM_FUNC_DECL detail::outerProduct_trait<C, R, T, Q>::type glm::outerProduct | -( | -vec< C, T, Q > const & | -c, | -
- | - | vec< R, T, Q > const & | -r | -
- | ) | -- |
Treats the first parameter c as a column vector and the second parameter r as a row vector and does a linear algebraic matrix multiply c * r.
-C | Integer between 1 and 4 included that qualify the number a column |
R | Integer between 1 and 4 included that qualify the number a row |
T | Floating-point or signed integer scalar types |
Q | Value from qualifier enum |
GLM_FUNC_DECL mat<C, R, T, Q>::transpose_type glm::transpose | -( | -mat< C, R, T, Q > const & | -x | ) | -- |
Returns the transposed matrix of x.
-C | Integer between 1 and 4 included that qualify the number a column |
R | Integer between 1 and 4 included that qualify the number a row |
T | Floating-point or signed integer scalar types |
Q | Value from qualifier enum |
![]() |
-
- 0.9.9 API documentation
-
- |
-
Provides GLSL functions to pack and unpack half, single and double-precision floating point values into more compact integer types. -More...
--Functions | |
GLM_FUNC_DECL double | packDouble2x32 (uvec2 const &v) |
Returns a double-qualifier value obtained by packing the components of v into a 64-bit value. More... | |
GLM_FUNC_DECL uint | packHalf2x16 (vec2 const &v) |
Returns an unsigned integer obtained by converting the components of a two-component floating-point vector to the 16-bit floating-point representation found in the OpenGL Specification, and then packing these two 16- bit integers into a 32-bit unsigned integer. More... | |
GLM_FUNC_DECL uint | packSnorm2x16 (vec2 const &v) |
First, converts each component of the normalized floating-point value v into 8- or 16-bit integer values. More... | |
GLM_FUNC_DECL uint | packSnorm4x8 (vec4 const &v) |
First, converts each component of the normalized floating-point value v into 8- or 16-bit integer values. More... | |
GLM_FUNC_DECL uint | packUnorm2x16 (vec2 const &v) |
First, converts each component of the normalized floating-point value v into 8- or 16-bit integer values. More... | |
GLM_FUNC_DECL uint | packUnorm4x8 (vec4 const &v) |
First, converts each component of the normalized floating-point value v into 8- or 16-bit integer values. More... | |
GLM_FUNC_DECL uvec2 | unpackDouble2x32 (double v) |
Returns a two-component unsigned integer vector representation of v. More... | |
GLM_FUNC_DECL vec2 | unpackHalf2x16 (uint v) |
Returns a two-component floating-point vector with components obtained by unpacking a 32-bit unsigned integer into a pair of 16-bit values, interpreting those values as 16-bit floating-point numbers according to the OpenGL Specification, and converting them to 32-bit floating-point values. More... | |
GLM_FUNC_DECL vec2 | unpackSnorm2x16 (uint p) |
First, unpacks a single 32-bit unsigned integer p into a pair of 16-bit unsigned integers, four 8-bit unsigned integers, or four 8-bit signed integers. More... | |
GLM_FUNC_DECL vec4 | unpackSnorm4x8 (uint p) |
First, unpacks a single 32-bit unsigned integer p into a pair of 16-bit unsigned integers, four 8-bit unsigned integers, or four 8-bit signed integers. More... | |
GLM_FUNC_DECL vec2 | unpackUnorm2x16 (uint p) |
First, unpacks a single 32-bit unsigned integer p into a pair of 16-bit unsigned integers, four 8-bit unsigned integers, or four 8-bit signed integers. More... | |
GLM_FUNC_DECL vec4 | unpackUnorm4x8 (uint p) |
First, unpacks a single 32-bit unsigned integer p into a pair of 16-bit unsigned integers, four 8-bit unsigned integers, or four 8-bit signed integers. More... | |
Provides GLSL functions to pack and unpack half, single and double-precision floating point values into more compact integer types.
-These functions do not operate component-wise, rather as described in each case.
-Include <glm/packing.hpp> to use these core features.
-GLM_FUNC_DECL double glm::packDouble2x32 | -( | -uvec2 const & | -v | ) | -- |
Returns a double-qualifier value obtained by packing the components of v into a 64-bit value.
-If an IEEE 754 Inf or NaN is created, it will not signal, and the resulting floating point value is unspecified. Otherwise, the bit- level representation of v is preserved. The first vector component specifies the 32 least significant bits; the second component specifies the 32 most significant bits.
- - -GLM_FUNC_DECL uint glm::packHalf2x16 | -( | -vec2 const & | -v | ) | -- |
Returns an unsigned integer obtained by converting the components of a two-component floating-point vector to the 16-bit floating-point representation found in the OpenGL Specification, and then packing these two 16- bit integers into a 32-bit unsigned integer.
-The first vector component specifies the 16 least-significant bits of the result; the second component specifies the 16 most-significant bits.
- - -GLM_FUNC_DECL uint glm::packSnorm2x16 | -( | -vec2 const & | -v | ) | -- |
First, converts each component of the normalized floating-point value v into 8- or 16-bit integer values.
-Then, the results are packed into the returned 32-bit unsigned integer.
-The conversion for component c of v to fixed point is done as follows: packSnorm2x16: round(clamp(v, -1, +1) * 32767.0)
-The first component of the vector will be written to the least significant bits of the output; the last component will be written to the most significant bits.
- - -GLM_FUNC_DECL uint glm::packSnorm4x8 | -( | -vec4 const & | -v | ) | -- |
First, converts each component of the normalized floating-point value v into 8- or 16-bit integer values.
-Then, the results are packed into the returned 32-bit unsigned integer.
-The conversion for component c of v to fixed point is done as follows: packSnorm4x8: round(clamp(c, -1, +1) * 127.0)
-The first component of the vector will be written to the least significant bits of the output; the last component will be written to the most significant bits.
- - -GLM_FUNC_DECL uint glm::packUnorm2x16 | -( | -vec2 const & | -v | ) | -- |
First, converts each component of the normalized floating-point value v into 8- or 16-bit integer values.
-Then, the results are packed into the returned 32-bit unsigned integer.
-The conversion for component c of v to fixed point is done as follows: packUnorm2x16: round(clamp(c, 0, +1) * 65535.0)
-The first component of the vector will be written to the least significant bits of the output; the last component will be written to the most significant bits.
- - -GLM_FUNC_DECL uint glm::packUnorm4x8 | -( | -vec4 const & | -v | ) | -- |
First, converts each component of the normalized floating-point value v into 8- or 16-bit integer values.
-Then, the results are packed into the returned 32-bit unsigned integer.
-The conversion for component c of v to fixed point is done as follows: packUnorm4x8: round(clamp(c, 0, +1) * 255.0)
-The first component of the vector will be written to the least significant bits of the output; the last component will be written to the most significant bits.
- - -GLM_FUNC_DECL uvec2 glm::unpackDouble2x32 | -( | -double | -v | ) | -- |
Returns a two-component unsigned integer vector representation of v.
-The bit-level representation of v is preserved. The first component of the vector contains the 32 least significant bits of the double; the second component consists the 32 most significant bits.
- - -GLM_FUNC_DECL vec2 glm::unpackHalf2x16 | -( | -uint | -v | ) | -- |
Returns a two-component floating-point vector with components obtained by unpacking a 32-bit unsigned integer into a pair of 16-bit values, interpreting those values as 16-bit floating-point numbers according to the OpenGL Specification, and converting them to 32-bit floating-point values.
-The first component of the vector is obtained from the 16 least-significant bits of v; the second component is obtained from the 16 most-significant bits of v.
- - -GLM_FUNC_DECL vec2 glm::unpackSnorm2x16 | -( | -uint | -p | ) | -- |
First, unpacks a single 32-bit unsigned integer p into a pair of 16-bit unsigned integers, four 8-bit unsigned integers, or four 8-bit signed integers.
-Then, each component is converted to a normalized floating-point value to generate the returned two- or four-component vector.
-The conversion for unpacked fixed-point value f to floating point is done as follows: unpackSnorm2x16: clamp(f / 32767.0, -1, +1)
-The first component of the returned vector will be extracted from the least significant bits of the input; the last component will be extracted from the most significant bits.
- - -GLM_FUNC_DECL vec4 glm::unpackSnorm4x8 | -( | -uint | -p | ) | -- |
First, unpacks a single 32-bit unsigned integer p into a pair of 16-bit unsigned integers, four 8-bit unsigned integers, or four 8-bit signed integers.
-Then, each component is converted to a normalized floating-point value to generate the returned two- or four-component vector.
-The conversion for unpacked fixed-point value f to floating point is done as follows: unpackSnorm4x8: clamp(f / 127.0, -1, +1)
-The first component of the returned vector will be extracted from the least significant bits of the input; the last component will be extracted from the most significant bits.
- - -GLM_FUNC_DECL vec2 glm::unpackUnorm2x16 | -( | -uint | -p | ) | -- |
First, unpacks a single 32-bit unsigned integer p into a pair of 16-bit unsigned integers, four 8-bit unsigned integers, or four 8-bit signed integers.
-Then, each component is converted to a normalized floating-point value to generate the returned two- or four-component vector.
-The conversion for unpacked fixed-point value f to floating point is done as follows: unpackUnorm2x16: f / 65535.0
-The first component of the returned vector will be extracted from the least significant bits of the input; the last component will be extracted from the most significant bits.
- - -GLM_FUNC_DECL vec4 glm::unpackUnorm4x8 | -( | -uint | -p | ) | -- |
First, unpacks a single 32-bit unsigned integer p into a pair of 16-bit unsigned integers, four 8-bit unsigned integers, or four 8-bit signed integers.
-Then, each component is converted to a normalized floating-point value to generate the returned two- or four-component vector.
-The conversion for unpacked fixed-point value f to floating point is done as follows: unpackUnorm4x8: f / 255.0
-The first component of the returned vector will be extracted from the least significant bits of the input; the last component will be extracted from the most significant bits.
- - -![]() |
-
- 0.9.9 API documentation
-
- |
-
Function parameters specified as angle are assumed to be in units of radians. -More...
--Functions | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, T, Q > | acos (vec< L, T, Q > const &x) |
Arc cosine. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, T, Q > | acosh (vec< L, T, Q > const &x) |
Arc hyperbolic cosine; returns the non-negative inverse of cosh. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, T, Q > | asin (vec< L, T, Q > const &x) |
Arc sine. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, T, Q > | asinh (vec< L, T, Q > const &x) |
Arc hyperbolic sine; returns the inverse of sinh. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, T, Q > | atan (vec< L, T, Q > const &y, vec< L, T, Q > const &x) |
Arc tangent. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, T, Q > | atan (vec< L, T, Q > const &y_over_x) |
Arc tangent. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, T, Q > | atanh (vec< L, T, Q > const &x) |
Arc hyperbolic tangent; returns the inverse of tanh. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, T, Q > | cos (vec< L, T, Q > const &angle) |
The standard trigonometric cosine function. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, T, Q > | cosh (vec< L, T, Q > const &angle) |
Returns the hyperbolic cosine function, (exp(x) + exp(-x)) / 2. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL GLM_CONSTEXPR vec< L, T, Q > | degrees (vec< L, T, Q > const &radians) |
Converts radians to degrees and returns the result. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL GLM_CONSTEXPR vec< L, T, Q > | radians (vec< L, T, Q > const °rees) |
Converts degrees to radians and returns the result. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, T, Q > | sin (vec< L, T, Q > const &angle) |
The standard trigonometric sine function. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, T, Q > | sinh (vec< L, T, Q > const &angle) |
Returns the hyperbolic sine function, (exp(x) - exp(-x)) / 2. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, T, Q > | tan (vec< L, T, Q > const &angle) |
The standard trigonometric tangent function. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL vec< L, T, Q > | tanh (vec< L, T, Q > const &angle) |
Returns the hyperbolic tangent function, sinh(angle) / cosh(angle) More... | |
Function parameters specified as angle are assumed to be in units of radians.
-In no case will any of these functions result in a divide by zero error. If the divisor of a ratio is 0, then results will be undefined.
-These all operate component-wise. The description is per component.
-Include <glm/trigonometric.hpp> to use these core features.
-GLM_FUNC_DECL vec<L, T, Q> glm::acos | -( | -vec< L, T, Q > const & | -x | ) | -- |
Arc cosine.
-Returns an angle whose sine is x. The range of values returned by this function is [0, PI]. Results are undefined if |x| > 1.
-L | Integer between 1 and 4 included that qualify the dimension of the vector |
T | Floating-point scalar types |
Q | Value from qualifier enum |
GLM_FUNC_DECL vec<L, T, Q> glm::acosh | -( | -vec< L, T, Q > const & | -x | ) | -- |
Arc hyperbolic cosine; returns the non-negative inverse of cosh.
-Results are undefined if x < 1.
-L | Integer between 1 and 4 included that qualify the dimension of the vector |
T | Floating-point scalar types |
Q | Value from qualifier enum |
GLM_FUNC_DECL vec<L, T, Q> glm::asin | -( | -vec< L, T, Q > const & | -x | ) | -- |
Arc sine.
-Returns an angle whose sine is x. The range of values returned by this function is [-PI/2, PI/2]. Results are undefined if |x| > 1.
-L | Integer between 1 and 4 included that qualify the dimension of the vector |
T | Floating-point scalar types |
Q | Value from qualifier enum |
GLM_FUNC_DECL vec<L, T, Q> glm::asinh | -( | -vec< L, T, Q > const & | -x | ) | -- |
Arc hyperbolic sine; returns the inverse of sinh.
-L | Integer between 1 and 4 included that qualify the dimension of the vector |
T | Floating-point scalar types |
Q | Value from qualifier enum |
GLM_FUNC_DECL vec<L, T, Q> glm::atan | -( | -vec< L, T, Q > const & | -y, | -
- | - | vec< L, T, Q > const & | -x | -
- | ) | -- |
Arc tangent.
-Returns an angle whose tangent is y/x. The signs of x and y are used to determine what quadrant the angle is in. The range of values returned by this function is [-PI, PI]. Results are undefined if x and y are both 0.
-L | Integer between 1 and 4 included that qualify the dimension of the vector |
T | Floating-point scalar types |
Q | Value from qualifier enum |
Referenced by glm::atan2().
- -GLM_FUNC_DECL vec<L, T, Q> glm::atan | -( | -vec< L, T, Q > const & | -y_over_x | ) | -- |
Arc tangent.
-Returns an angle whose tangent is y_over_x. The range of values returned by this function is [-PI/2, PI/2].
-L | Integer between 1 and 4 included that qualify the dimension of the vector |
T | Floating-point scalar types |
Q | Value from qualifier enum |
GLM_FUNC_DECL vec<L, T, Q> glm::atanh | -( | -vec< L, T, Q > const & | -x | ) | -- |
Arc hyperbolic tangent; returns the inverse of tanh.
-Results are undefined if abs(x) >= 1.
-L | Integer between 1 and 4 included that qualify the dimension of the vector |
T | Floating-point scalar types |
Q | Value from qualifier enum |
GLM_FUNC_DECL vec<L, T, Q> glm::cos | -( | -vec< L, T, Q > const & | -angle | ) | -- |
The standard trigonometric cosine function.
-The values returned by this function will range from [-1, 1].
-L | Integer between 1 and 4 included that qualify the dimension of the vector |
T | Floating-point scalar types |
Q | Value from qualifier enum |
GLM_FUNC_DECL vec<L, T, Q> glm::cosh | -( | -vec< L, T, Q > const & | -angle | ) | -- |
Returns the hyperbolic cosine function, (exp(x) + exp(-x)) / 2.
-L | Integer between 1 and 4 included that qualify the dimension of the vector |
T | Floating-point scalar types |
Q | Value from qualifier enum |
GLM_FUNC_DECL GLM_CONSTEXPR vec<L, T, Q> glm::degrees | -( | -vec< L, T, Q > const & | -radians | ) | -- |
Converts radians to degrees and returns the result.
-L | Integer between 1 and 4 included that qualify the dimension of the vector |
T | Floating-point scalar types |
Q | Value from qualifier enum |
GLM_FUNC_DECL GLM_CONSTEXPR vec<L, T, Q> glm::radians | -( | -vec< L, T, Q > const & | -degrees | ) | -- |
Converts degrees to radians and returns the result.
-L | Integer between 1 and 4 included that qualify the dimension of the vector |
T | Floating-point scalar types |
Q | Value from qualifier enum |
GLM_FUNC_DECL vec<L, T, Q> glm::sin | -( | -vec< L, T, Q > const & | -angle | ) | -- |
The standard trigonometric sine function.
-The values returned by this function will range from [-1, 1].
-L | Integer between 1 and 4 included that qualify the dimension of the vector |
T | Floating-point scalar types |
Q | Value from qualifier enum |
GLM_FUNC_DECL vec<L, T, Q> glm::sinh | -( | -vec< L, T, Q > const & | -angle | ) | -- |
Returns the hyperbolic sine function, (exp(x) - exp(-x)) / 2.
-L | Integer between 1 and 4 included that qualify the dimension of the vector |
T | Floating-point scalar types |
Q | Value from qualifier enum |
GLM_FUNC_DECL vec<L, T, Q> glm::tan | -( | -vec< L, T, Q > const & | -angle | ) | -- |
The standard trigonometric tangent function.
-L | Integer between 1 and 4 included that qualify the dimension of the vector |
T | Floating-point scalar types |
Q | Value from qualifier enum |
GLM_FUNC_DECL vec<L, T, Q> glm::tanh | -( | -vec< L, T, Q > const & | -angle | ) | -- |
Returns the hyperbolic tangent function, sinh(angle) / cosh(angle)
-L | Integer between 1 and 4 included that qualify the dimension of the vector |
T | Floating-point scalar types |
Q | Value from qualifier enum |
![]() |
-
- 0.9.9 API documentation
-
- |
-
Relational and equality operators (<, <=, >, >=, ==, !=) are defined to operate on scalars and produce scalar Boolean results. -More...
--Functions | |
template<length_t L, qualifier Q> | |
GLM_FUNC_DECL GLM_CONSTEXPR bool | all (vec< L, bool, Q > const &v) |
Returns true if all components of x are true. More... | |
template<length_t L, qualifier Q> | |
GLM_FUNC_DECL GLM_CONSTEXPR bool | any (vec< L, bool, Q > const &v) |
Returns true if any component of x is true. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL GLM_CONSTEXPR vec< L, bool, Q > | equal (vec< L, T, Q > const &x, vec< L, T, Q > const &y) |
Returns the component-wise comparison of result x == y. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL GLM_CONSTEXPR vec< L, bool, Q > | greaterThan (vec< L, T, Q > const &x, vec< L, T, Q > const &y) |
Returns the component-wise comparison of result x > y. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL GLM_CONSTEXPR vec< L, bool, Q > | greaterThanEqual (vec< L, T, Q > const &x, vec< L, T, Q > const &y) |
Returns the component-wise comparison of result x >= y. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL GLM_CONSTEXPR vec< L, bool, Q > | lessThan (vec< L, T, Q > const &x, vec< L, T, Q > const &y) |
Returns the component-wise comparison result of x < y. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL GLM_CONSTEXPR vec< L, bool, Q > | lessThanEqual (vec< L, T, Q > const &x, vec< L, T, Q > const &y) |
Returns the component-wise comparison of result x <= y. More... | |
template<length_t L, qualifier Q> | |
GLM_FUNC_DECL GLM_CONSTEXPR vec< L, bool, Q > | not_ (vec< L, bool, Q > const &v) |
Returns the component-wise logical complement of x. More... | |
template<length_t L, typename T , qualifier Q> | |
GLM_FUNC_DECL GLM_CONSTEXPR vec< L, bool, Q > | notEqual (vec< L, T, Q > const &x, vec< L, T, Q > const &y) |
Returns the component-wise comparison of result x != y. More... | |
Relational and equality operators (<, <=, >, >=, ==, !=) are defined to operate on scalars and produce scalar Boolean results.
-For vector results, use the following built-in functions.
-In all cases, the sizes of all the input and return vectors for any particular call must match.
-Include <glm/vector_relational.hpp> to use these core features.
-GLM_FUNC_DECL GLM_CONSTEXPR bool glm::all | -( | -vec< L, bool, Q > const & | -v | ) | -- |
Returns true if all components of x are true.
-L | An integer between 1 and 4 included that qualify the dimension of the vector. |
GLM_FUNC_DECL GLM_CONSTEXPR bool glm::any | -( | -vec< L, bool, Q > const & | -v | ) | -- |
Returns true if any component of x is true.
-L | An integer between 1 and 4 included that qualify the dimension of the vector. |
GLM_FUNC_DECL GLM_CONSTEXPR vec<L, bool, Q> glm::equal | -( | -vec< L, T, Q > const & | -x, | -
- | - | vec< L, T, Q > const & | -y | -
- | ) | -- |
Returns the component-wise comparison of result x == y.
-L | An integer between 1 and 4 included that qualify the dimension of the vector. |
T | A floating-point, integer or bool scalar type. |
GLM_FUNC_DECL GLM_CONSTEXPR vec<L, bool, Q> glm::greaterThan | -( | -vec< L, T, Q > const & | -x, | -
- | - | vec< L, T, Q > const & | -y | -
- | ) | -- |
Returns the component-wise comparison of result x > y.
-L | An integer between 1 and 4 included that qualify the dimension of the vector. |
T | A floating-point or integer scalar type. |
GLM_FUNC_DECL GLM_CONSTEXPR vec<L, bool, Q> glm::greaterThanEqual | -( | -vec< L, T, Q > const & | -x, | -
- | - | vec< L, T, Q > const & | -y | -
- | ) | -- |
Returns the component-wise comparison of result x >= y.
-L | An integer between 1 and 4 included that qualify the dimension of the vector. |
T | A floating-point or integer scalar type. |
GLM_FUNC_DECL GLM_CONSTEXPR vec<L, bool, Q> glm::lessThan | -( | -vec< L, T, Q > const & | -x, | -
- | - | vec< L, T, Q > const & | -y | -
- | ) | -- |
Returns the component-wise comparison result of x < y.
-L | An integer between 1 and 4 included that qualify the dimension of the vector. |
T | A floating-point or integer scalar type. |
GLM_FUNC_DECL GLM_CONSTEXPR vec<L, bool, Q> glm::lessThanEqual | -( | -vec< L, T, Q > const & | -x, | -
- | - | vec< L, T, Q > const & | -y | -
- | ) | -- |
Returns the component-wise comparison of result x <= y.
-L | An integer between 1 and 4 included that qualify the dimension of the vector. |
T | A floating-point or integer scalar type. |
GLM_FUNC_DECL GLM_CONSTEXPR vec<L, bool, Q> glm::not_ | -( | -vec< L, bool, Q > const & | -v | ) | -- |
Returns the component-wise logical complement of x.
-/!\ Because of language incompatibilities between C++ and GLSL, GLM defines the function not but not_ instead.
-L | An integer between 1 and 4 included that qualify the dimension of the vector. |
GLM_FUNC_DECL GLM_CONSTEXPR vec<L, bool, Q> glm::notEqual | -( | -vec< L, T, Q > const & | -x, | -
- | - | vec< L, T, Q > const & | -y | -
- | ) | -- |
Returns the component-wise comparison of result x != y.
-L | An integer between 1 and 4 included that qualify the dimension of the vector. |
T | A floating-point, integer or bool scalar type. |
![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
-Directories | |
directory | G-Truc |
![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
-Files | |
file | man.doxy [code] |
![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
-Directories | |
directory | Source |
![]() |
-
- 0.9.9 API documentation
-
- |
-
-Directories | |
directory | glm |
![]() |
-
- 0.9.9 API documentation
-
- |
-
-Directories | |
directory | detail |
directory | ext |
directory | gtc |
directory | gtx |
-Files | |
file | common.hpp [code] |
Core features | |
file | exponential.hpp [code] |
Core features | |
file | ext.hpp [code] |
Core features (Dependence) | |
file | fwd.hpp [code] |
file | geometric.hpp [code] |
Core features | |
file | glm.hpp [code] |
Core features | |
file | integer.hpp [code] |
Core features | |
file | mat2x2.hpp [code] |
Core features | |
file | mat2x3.hpp [code] |
Core features | |
file | mat2x4.hpp [code] |
Core features | |
file | mat3x2.hpp [code] |
Core features | |
file | mat3x3.hpp [code] |
Core features | |
file | mat3x4.hpp [code] |
Core features | |
file | mat4x2.hpp [code] |
Core features | |
file | mat4x3.hpp [code] |
Core features | |
file | mat4x4.hpp [code] |
Core features | |
file | matrix.hpp [code] |
Core features | |
file | packing.hpp [code] |
Core features | |
file | trigonometric.hpp [code] |
Core features | |
file | vec2.hpp [code] |
Core features | |
file | vec3.hpp [code] |
Core features | |
file | vec4.hpp [code] |
Core features | |
file | vector_relational.hpp [code] |
Core features | |
![]() |
-
- 0.9.9 API documentation
-
- |
-
-Directories | |
directory | G-Truc |
![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
![]() |
-
- 0.9.9 API documentation
-
- |
-
t |